{ "cells": [ { "cell_type": "markdown", "id": "93b1192f-1392-4538-ba6f-5981ccb2cf07", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "### Import and Install" ] }, { "cell_type": "code", "execution_count": 167, "id": "93105c07-00e7-4c48-9dd4-c034ab2312fe", "metadata": {}, "outputs": [], "source": [ "#!pip install scikit-learn\n", "#!pip install scikit-learn==0.19.1\n", "#!pip install pandas emoji" ] }, { "cell_type": "code", "execution_count": 168, "id": "be7a1265-fbdb-4a18-b64b-c45d4925c433", "metadata": {}, "outputs": [], "source": [ "#!pip install nltk" ] }, { "cell_type": "code", "execution_count": 169, "id": "2c9dd96b-8f50-4b31-ab83-a82ae5bdabb7", "metadata": {}, "outputs": [], "source": [ "#!pip install evaluate" ] }, { "cell_type": "code", "execution_count": 170, "id": "bf91091e-cc0f-4f1c-b769-b384de5de274", "metadata": {}, "outputs": [], "source": [ "import numpy as np\n", "from numpy import mean\n", "from numpy import std\n", "from numpy import asarray\n", "from numpy import absolute\n", "import pandas as pd\n", "from pandas import read_csv\n", "import matplotlib.pyplot as plt\n", "import seaborn as sns\n", "import xgboost\n", "from xgboost import XGBClassifier\n", "%matplotlib inline\n", "\n", "# Sklearn Libraries\n", "import sklearn\n", "from sklearn.model_selection import train_test_split\n", "from sklearn.linear_model import LogisticRegression\n", "from sklearn.pipeline import make_pipeline\n", "from sklearn.datasets import make_regression\n", "from sklearn.model_selection import cross_val_score\n", "from sklearn.model_selection import RepeatedKFold\n", "from sklearn.neighbors import KNeighborsRegressor\n", "from sklearn.metrics import mean_squared_error\n", "from sklearn.linear_model import ElasticNet\n", "from sklearn.ensemble import AdaBoostClassifier\n", "from sklearn.tree import DecisionTreeClassifier\n", "from sklearn.neighbors import KNeighborsClassifier\n", "from sklearn.ensemble import RandomForestClassifier\n", "from sklearn.neighbors import KNeighborsClassifier\n", "from sklearn.ensemble import StackingClassifier\n", "from sklearn.metrics import accuracy_score\n", "from sklearn.metrics import classification_report\n", "from sklearn.metrics import precision_score\n", "from sklearn.metrics import recall_score\n", "from sklearn.metrics import confusion_matrix, roc_curve\n", "from sklearn.metrics import roc_auc_score\n", "from sklearn import svm\n", "import timeit\n", "\n", "# evaluate xgboost ensemble for regression\n", "\n", "from xgboost import XGBRegressor\n", "import hashlib\n", "\n", "#Plotting\n", "from matplotlib import pyplot\n", "\n", "#Transformer\n", "from transformers import pipeline\n", "from transformers import AutoModelForSequenceClassification\n", "from transformers import AutoTokenizer" ] }, { "cell_type": "markdown", "id": "cb31ac0a-6ce9-41c4-8861-a2441f3792e8", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "### Data Initialization" ] }, { "cell_type": "code", "execution_count": 171, "id": "ada7cdaf-3731-44ee-b6a0-2552c9a3b227", "metadata": {}, "outputs": [], "source": [ "df = pd.read_csv(\"Bangla-SARC/SarcasDetection.csv\", header = None)" ] }, { "cell_type": "code", "execution_count": 172, "id": "c0d82df4-a8d5-490e-a94a-91b27d371ad8", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
012
0NaNCommentsLabel
10.0আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1.0
21.0আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1.0
32.0বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1.0
43.0হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1.0
54.0থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1.0
65.0আজ আমাকে খোদাই করার জন্য ধন্যবাদ, যথাযথ ভাল বন...1.0
76.0আমি এমন পরিকল্পনাগুলি পছন্দ করি যা কখনই ঘটে না...1.0
87.0আমি যখন কাউকে দীর্ঘশ্বাস শুনি, ‘জীবন কঠিন,’ আম...1.0
98.0আমি বলছি না আমি আপনাকে ঘৃণা করি, আমি যা বলছি ত...1.0
\n", "
" ], "text/plain": [ " 0 1 2\n", "0 NaN Comments Label\n", "1 0.0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1.0\n", "2 1.0 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1.0\n", "3 2.0 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1.0\n", "4 3.0 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1.0\n", "5 4.0 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1.0\n", "6 5.0 আজ আমাকে খোদাই করার জন্য ধন্যবাদ, যথাযথ ভাল বন... 1.0\n", "7 6.0 আমি এমন পরিকল্পনাগুলি পছন্দ করি যা কখনই ঘটে না... 1.0\n", "8 7.0 আমি যখন কাউকে দীর্ঘশ্বাস শুনি, ‘জীবন কঠিন,’ আম... 1.0\n", "9 8.0 আমি বলছি না আমি আপনাকে ঘৃণা করি, আমি যা বলছি ত... 1.0" ] }, "execution_count": 172, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.head(10)" ] }, { "cell_type": "code", "execution_count": 173, "id": "6b782557-3993-4266-88c3-dafd26b3bccc", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "5113" ] }, "execution_count": 173, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Find out length of data set\n", "len(df)" ] }, { "cell_type": "code", "execution_count": 174, "id": "d55f6876-6bdb-43de-835a-401958580186", "metadata": {}, "outputs": [], "source": [ "# delete first row containing all the labels\n", "df = df.drop(index=0, axis=0)" ] }, { "cell_type": "code", "execution_count": 175, "id": "27a35705-aea9-4561-ad6c-d8332093bc41", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
012
10.0আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1.0
21.0আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1.0
32.0বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1.0
43.0হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1.0
54.0থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1.0
\n", "
" ], "text/plain": [ " 0 1 2\n", "1 0.0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1.0\n", "2 1.0 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1.0\n", "3 2.0 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1.0\n", "4 3.0 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1.0\n", "5 4.0 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1.0" ] }, "execution_count": 175, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.head()" ] }, { "cell_type": "code", "execution_count": 176, "id": "ca34dbac-dda2-4b26-8ac4-c0a27aeb4ac7", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10.0আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1.0
21.0আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1.0
32.0বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1.0
43.0হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1.0
54.0থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1.0
\n", "
" ], "text/plain": [ " id comments label\n", "1 0.0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1.0\n", "2 1.0 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1.0\n", "3 2.0 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1.0\n", "4 3.0 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1.0\n", "5 4.0 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1.0" ] }, "execution_count": 176, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.columns = [\"id\",\"comments\",\"label\"]\n", "df.head()" ] }, { "cell_type": "code", "execution_count": 177, "id": "aed82ea4-d69e-4aa1-9193-70bd9173ef88", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "id float64\n", "comments object\n", "label object\n", "dtype: object" ] }, "execution_count": 177, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.dtypes" ] }, { "cell_type": "code", "execution_count": 178, "id": "2a68269a-29d9-429d-ac3a-343c8fe2452b", "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "id 0\n", "comments 0\n", "label 0\n", "dtype: int64\n", "(5112, 3)\n" ] } ], "source": [ "# show amount of missing value \n", "print(df.isnull().sum())\n", "print(df.shape)" ] }, { "cell_type": "code", "execution_count": 179, "id": "0e8b2d45-dedf-41a3-b526-bc3f47b1cc77", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1.0
21আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1.0
32বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1.0
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1.0
54থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1.0
\n", "
" ], "text/plain": [ " id comments label\n", "1 0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1.0\n", "2 1 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1.0\n", "3 2 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1.0\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1.0\n", "5 4 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1.0" ] }, "execution_count": 179, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df[\"id\"] = df[\"id\"].astype('int32')\n", "df.head()" ] }, { "cell_type": "code", "execution_count": 180, "id": "bd6bb451-3096-481b-be18-a3edcd732311", "metadata": {}, "outputs": [], "source": [ "# Couldn't convert object type data to integer directly. TDue to this reason converting object -> float -> integer\n", "# convert object type data to float\n", "df[\"label\"] = pd.to_numeric(df[\"label\"])\n", "# convert float to integer\n", "df[\"label\"] = df[\"label\"].astype('int32')" ] }, { "cell_type": "code", "execution_count": 181, "id": "96a825a0-1191-428b-b08c-2e6c847b922e", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "1 1\n", "2 1\n", "3 1\n", "4 1\n", "5 1\n", " ..\n", "5108 0\n", "5109 0\n", "5110 0\n", "5111 0\n", "5112 0\n", "Name: label, Length: 5112, dtype: int32" ] }, "execution_count": 181, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df[\"label\"]" ] }, { "cell_type": "code", "execution_count": 182, "id": "bbcdaaec-2b1c-40f3-acec-43b46655039b", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "id int32\n", "comments object\n", "label int32\n", "dtype: object" ] }, "execution_count": 182, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Check data type\n", "df.dtypes" ] }, { "cell_type": "code", "execution_count": 183, "id": "259ea6f0-541d-4d8e-aac7-ed7a52718f74", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(5112, 3)" ] }, "execution_count": 183, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# shape of data\n", "df.shape" ] }, { "cell_type": "code", "execution_count": 184, "id": "01a00c2a-8e18-46ca-81af-c44b3212039c", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "label\n", "0 3159\n", "1 1953\n", "Name: count, dtype: int64" ] }, "execution_count": 184, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# count the number of data consist irony or non irony data\n", "df.label.value_counts()" ] }, { "cell_type": "markdown", "id": "82a80a14-cfef-4558-b5be-59bec40cc90e", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "### CUDA" ] }, { "cell_type": "code", "execution_count": 185, "id": "77c16f88-5335-40d9-8f25-fe9811e77e30", "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "/bin/bash: /home/raquiba/anaconda3/lib/libtinfo.so.6: no version information available (required by /bin/bash)\n", "Fri Sep 15 18:02:08 2023 \n", "+-----------------------------------------------------------------------------+\n", "| NVIDIA-SMI 515.65.01 Driver Version: 515.65.01 CUDA Version: 11.7 |\n", "|-------------------------------+----------------------+----------------------+\n", "| GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC |\n", "| Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. |\n", "| | | MIG M. |\n", "|===============================+======================+======================|\n", "| 0 NVIDIA GeForce ... Off | 00000000:01:00.0 On | N/A |\n", "| 54% 39C P8 32W / 350W | 15638MiB / 24576MiB | 0% Default |\n", "| | | N/A |\n", "+-------------------------------+----------------------+----------------------+\n", " \n", "+-----------------------------------------------------------------------------+\n", "| Processes: |\n", "| GPU GI CI PID Type Process name GPU Memory |\n", "| ID ID Usage |\n", "|=============================================================================|\n", "| 0 N/A N/A 1222 G /usr/lib/xorg/Xorg 210MiB |\n", "| 0 N/A N/A 1682 G /usr/bin/gnome-shell 30MiB |\n", "| 0 N/A N/A 4496 G ...279883498821539020,131072 134MiB |\n", "| 0 N/A N/A 205512 C ...uiba/anaconda3/bin/python 10041MiB |\n", "| 0 N/A N/A 209066 C ...uiba/anaconda3/bin/python 3911MiB |\n", "| 0 N/A N/A 214491 C ...uiba/anaconda3/bin/python 1305MiB |\n", "+-----------------------------------------------------------------------------+\n" ] } ], "source": [ "# Checking if GPU and NVIDIA are available\n", "!nvidia-smi" ] }, { "cell_type": "code", "execution_count": 186, "id": "d2f29522-72ee-4396-b011-e3456bd6d21f", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "'NVIDIA GeForce RTX 3090'" ] }, "execution_count": 186, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Specifying CUDA as the device for torch\n", "import torch\n", "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", "#n_gpu = torch.cuda.device_count()\n", "torch.cuda.get_device_name(0)" ] }, { "cell_type": "code", "execution_count": 187, "id": "02aac956-ca29-482c-9e29-2e43ad65181a", "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "11.6\n" ] } ], "source": [ "print(torch.version.cuda)" ] }, { "cell_type": "code", "execution_count": 188, "id": "06e1781a-d65f-42a9-943e-2d3856f782c2", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "1" ] }, "execution_count": 188, "metadata": {}, "output_type": "execute_result" } ], "source": [ "torch.cuda.device_count()" ] }, { "cell_type": "code", "execution_count": 189, "id": "30fb3e1f-169d-445b-ae11-86dcf6bb2348", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 189, "metadata": {}, "output_type": "execute_result" } ], "source": [ "torch.cuda.is_available()" ] }, { "cell_type": "markdown", "id": "aa09ddb6-9ff4-4251-93fb-30dd328c70a9", "metadata": { "tags": [] }, "source": [ "#### Check CUDA" ] }, { "cell_type": "code", "execution_count": 190, "id": "cdfcbd47-8090-4080-97b8-9cadde33bba4", "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "NVIDIA GeForce RTX 3090\n", "Memory Usage:\n", "Allocated: 2.1 GB\n", "Cached: 2.7 GB\n" ] }, { "data": { "text/plain": [ "'|===========================================================================|\\n| PyTorch CUDA memory summary, device ID 0 |\\n|---------------------------------------------------------------------------|\\n| CUDA OOMs: 0 | cudaMalloc retries: 0 |\\n|===========================================================================|\\n| Metric | Cur Usage | Peak Usage | Tot Alloc | Tot Freed |\\n|---------------------------------------------------------------------------|\\n| Allocated memory | 2173 MB | 7245 MB | 38325 GB | 38323 GB |\\n| from large pool | 2171 MB | 7242 MB | 37337 GB | 37335 GB |\\n| from small pool | 2 MB | 8 MB | 987 GB | 987 GB |\\n|---------------------------------------------------------------------------|\\n| Active memory | 2173 MB | 7245 MB | 38325 GB | 38323 GB |\\n| from large pool | 2171 MB | 7242 MB | 37337 GB | 37335 GB |\\n| from small pool | 2 MB | 8 MB | 987 GB | 987 GB |\\n|---------------------------------------------------------------------------|\\n| GPU reserved memory | 2724 MB | 7504 MB | 7964 MB | 5240 MB |\\n| from large pool | 2714 MB | 7496 MB | 7950 MB | 5236 MB |\\n| from small pool | 10 MB | 10 MB | 14 MB | 4 MB |\\n|---------------------------------------------------------------------------|\\n| Non-releasable memory | 112736 KB | 291646 KB | 12922 GB | 12921 GB |\\n| from large pool | 111104 KB | 290816 KB | 11930 GB | 11930 GB |\\n| from small pool | 1632 KB | 4977 KB | 991 GB | 991 GB |\\n|---------------------------------------------------------------------------|\\n| Allocations | 1009 | 1258 | 6311 K | 6310 K |\\n| from large pool | 375 | 560 | 1447 K | 1447 K |\\n| from small pool | 634 | 838 | 4863 K | 4863 K |\\n|---------------------------------------------------------------------------|\\n| Active allocs | 1009 | 1258 | 6311 K | 6310 K |\\n| from large pool | 375 | 560 | 1447 K | 1447 K |\\n| from small pool | 634 | 838 | 4863 K | 4863 K |\\n|---------------------------------------------------------------------------|\\n| GPU reserved segments | 153 | 237 | 259 | 106 |\\n| from large pool | 148 | 233 | 252 | 104 |\\n| from small pool | 5 | 5 | 7 | 2 |\\n|---------------------------------------------------------------------------|\\n| Non-releasable allocs | 61 | 77 | 2522 K | 2522 K |\\n| from large pool | 45 | 60 | 626 K | 626 K |\\n| from small pool | 16 | 21 | 1895 K | 1895 K |\\n|---------------------------------------------------------------------------|\\n| Oversize allocations | 0 | 0 | 0 | 0 |\\n|---------------------------------------------------------------------------|\\n| Oversize GPU segments | 0 | 0 | 0 | 0 |\\n|===========================================================================|\\n'" ] }, "execution_count": 190, "metadata": {}, "output_type": "execute_result" } ], "source": [ "torch.cuda.device_count()\n", "torch.cuda.current_device()\n", "torch.cuda.device(0)\n", "#Additional Info when using cuda\n", "if device.type == 'cuda':\n", " print(torch.cuda.get_device_name(0))\n", " print('Memory Usage:')\n", " print('Allocated:', round(torch.cuda.memory_allocated(0)/1024**3,1), 'GB')\n", " print('Cached: ', round(torch.cuda.memory_reserved(0)/1024**3,1), 'GB')\n", " \n", "torch.cuda.memory_summary(device=None, abbreviated=False)" ] }, { "cell_type": "code", "execution_count": 191, "id": "0d04c08a-59b7-4805-b9d1-193d65f6f87e", "metadata": {}, "outputs": [], "source": [ "# The cache memory was full. Got cuda out of memory error. Need to empty the cache\n", "torch.cuda.empty_cache()" ] }, { "cell_type": "markdown", "id": "e578296f-eae1-415b-99c6-4351ac9f3a78", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "### Data Exploration" ] }, { "cell_type": "code", "execution_count": 192, "id": "5a9e5568-905c-4da6-8080-a6443f623b51", "metadata": {}, "outputs": [], "source": [ "# 1) Handle missing value\n", "# 2) Normalize the data\n", "def dataExplore(df):\n", " #Handle Missing Value\n", " df = df.fillna(0)\n", " df_max = df.max()\n", " df_min = df.min()\n", " #print(df_max)\n", "\n", " for i in df.index:\n", " #Normalize the data\n", " df[i] = (df[i]-df.min())/(df.max()-df.min())\n", " return df" ] }, { "cell_type": "code", "execution_count": 193, "id": "80d3f25a-4164-4970-a0c7-bb8f0fd80811", "metadata": {}, "outputs": [], "source": [ "# print min, max and average of title \n", "def min_max_average(df, s):\n", " # Find minimum, maximum and average score of fake news title\n", " min = df.min()\n", " print(\"Minimum score of\", s,\":\", min)\n", "\n", " max = df.max()\n", " print(\"Maximum score of\", s,\":\", max)\n", "\n", " avg = df.mean()\n", " print(\"Average of\", s,\":\", avg)\n", "\n", "#find out only average\n", "def avgVal(df): \n", " avg = df.mean()\n", " return avg\n" ] }, { "cell_type": "code", "execution_count": 194, "id": "b15c63ae-46b0-4ce4-893e-e74ddd0e7e8a", "metadata": {}, "outputs": [], "source": [ "# Plot the prediction results of comments\n", "def plotData(df, s, df_real, s_real):\n", " fig, ax = plt.subplots()\n", " sns.kdeplot(x=df_fake, ax=ax, color='r')\n", " ax2 = ax.twinx()\n", " g = sns.kdeplot(x=df_real, ax=ax2, color='b')\n", " plt.legend(loc='upper left', labels=[\"real\",\"fake\"])\n", " #plt.title(s_fake, s_real)\n", " plt.show(g)" ] }, { "cell_type": "code", "execution_count": 195, "id": "72ceee23-8edf-4ffc-b08f-91fd2e06a8cb", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1
21আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1
32বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1
54থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1
\n", "
" ], "text/plain": [ " id comments label\n", "1 0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1\n", "2 1 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1\n", "3 2 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1\n", "5 4 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1" ] }, "execution_count": 195, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.head()" ] }, { "cell_type": "markdown", "id": "3277c126-cded-45d8-81fb-c4b5a39c05d4", "metadata": { "tags": [] }, "source": [ "#### Removing Emoji" ] }, { "cell_type": "code", "execution_count": 196, "id": "84a87044-2c14-4764-9bd3-634444db1988", "metadata": {}, "outputs": [], "source": [ "import emoji\n", "import re\n", "\n", "def remove_emojis(text):\n", " emoji_pattern = re.compile(\"[\"\n", " u\"\\U0001F600-\\U0001F64F\" # emoticons\n", " u\"\\U0001F300-\\U0001F5FF\" # symbols & pictographs\n", " u\"\\U0001F680-\\U0001F6FF\" # transport & map symbols\n", " u\"\\U0001F1E0-\\U0001F1FF\" # flags (iOS)\n", " u\"\\U00002702-\\U000027B0\"\n", " u\"\\U000024C2-\\U0001F251\"\n", " \"]+\", flags=re.UNICODE)\n", " return emoji_pattern.sub(r'', text)\n", "\n", "df_new = df[\"comments\"]\n", "df_new = df_new.apply(remove_emojis)" ] }, { "cell_type": "code", "execution_count": 197, "id": "2c58c319-b392-42bf-9602-5b99f045363f", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "1 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...\n", "2 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...\n", "3 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...\n", "4 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ\n", "5 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন\n", "Name: comments, dtype: object" ] }, "execution_count": 197, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_new.head()" ] }, { "cell_type": "code", "execution_count": 198, "id": "be9e1e3c-ec33-4ebc-a876-9d6c0d54edd2", "metadata": {}, "outputs": [], "source": [ "df[\"comments\"]=df_new" ] }, { "cell_type": "code", "execution_count": 199, "id": "a2921e9c-c098-4318-88f2-2b12a4d6fa5b", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1
21আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1
32বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1
54থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1
65আজ আমাকে খোদাই করার জন্য ধন্যবাদ, যথাযথ ভাল বন...1
76আমি এমন পরিকল্পনাগুলি পছন্দ করি যা কখনই ঘটে না...1
87আমি যখন কাউকে দীর্ঘশ্বাস শুনি, ‘জীবন কঠিন,’ আম...1
98আমি বলছি না আমি আপনাকে ঘৃণা করি, আমি যা বলছি ত...1
109আমি এখনই ব্যস্ত, আমি কি আপনাকে অন্য কোনও সময় ...1
\n", "
" ], "text/plain": [ " id comments label\n", "1 0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1\n", "2 1 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1\n", "3 2 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1\n", "5 4 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1\n", "6 5 আজ আমাকে খোদাই করার জন্য ধন্যবাদ, যথাযথ ভাল বন... 1\n", "7 6 আমি এমন পরিকল্পনাগুলি পছন্দ করি যা কখনই ঘটে না... 1\n", "8 7 আমি যখন কাউকে দীর্ঘশ্বাস শুনি, ‘জীবন কঠিন,’ আম... 1\n", "9 8 আমি বলছি না আমি আপনাকে ঘৃণা করি, আমি যা বলছি ত... 1\n", "10 9 আমি এখনই ব্যস্ত, আমি কি আপনাকে অন্য কোনও সময় ... 1" ] }, "execution_count": 199, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.head(10)" ] }, { "cell_type": "markdown", "id": "7939d38b-1df7-4f61-9728-17e75edf9508", "metadata": { "tags": [] }, "source": [ "##### Remove punctuation from specific columns" ] }, { "cell_type": "code", "execution_count": 200, "id": "6c0d4f87-ce96-4e44-90cb-9dab8cd16aaa", "metadata": {}, "outputs": [], "source": [ "df[\"comments\"] = df[\"comments\"].str.replace(r'[^\\w\\s]+', '')" ] }, { "cell_type": "code", "execution_count": 201, "id": "3b4eb90d-b4ff-45a5-ae63-7e77fc40588a", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ...1
21আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ...1
32বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ...1
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1
54থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন1
............
9695“ভাবি আমি ব্যঙ্গাত্মক?আমাকে যত্ন নেওয়ার ভান দ...1
9796“কিছু লোক সত্যিই স্তন্যপান।তাদের এড়িয়ে চলুন। \"1
9897\"দুঃখিত ... তোমার সাথে দেখা হয়েছে।\"1
9998\"যদি অজ্ঞতা আনন্দ হয় তবে আপনাকে অবশ্যই এই গ্র...1
10099“আমার বন্ধুরা আপনার চেয়ে অনেক শীতল।তারা অদৃশ্...1
\n", "

100 rows × 3 columns

\n", "
" ], "text/plain": [ " id comments label\n", "1 0 আমি মনে করি যখন মেয়েরা উদ্দেশ্য অনুসারে বোবা ... 1\n", "2 1 আমি যখন কোনও গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা করি ... 1\n", "3 2 বাহ ... আমি দেখতে দেখতে পাচ্ছি সত্যিই দোষী দোষ... 1\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1\n", "5 4 থান্ডার আমাকে 830 এ জেগে উঠলে এটি ভালবাসুন 1\n", ".. .. ... ...\n", "96 95 “ভাবি আমি ব্যঙ্গাত্মক?আমাকে যত্ন নেওয়ার ভান দ... 1\n", "97 96 “কিছু লোক সত্যিই স্তন্যপান।তাদের এড়িয়ে চলুন। \" 1\n", "98 97 \"দুঃখিত ... তোমার সাথে দেখা হয়েছে।\" 1\n", "99 98 \"যদি অজ্ঞতা আনন্দ হয় তবে আপনাকে অবশ্যই এই গ্র... 1\n", "100 99 “আমার বন্ধুরা আপনার চেয়ে অনেক শীতল।তারা অদৃশ্... 1\n", "\n", "[100 rows x 3 columns]" ] }, "execution_count": 201, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df.head(100)" ] }, { "cell_type": "markdown", "id": "2c177340-fbcc-4e92-8d69-0c35d1d0b2b9", "metadata": {}, "source": [ "#### Remove Bengali Stop words" ] }, { "cell_type": "code", "execution_count": 202, "id": "82b631a1-af9f-487b-a58f-365f17b0552f", "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[nltk_data] Downloading package stopwords to\n", "[nltk_data] /home/raquiba/nltk_data...\n", "[nltk_data] Package stopwords is already up-to-date!\n" ] }, { "data": { "text/plain": [ "True" ] }, "execution_count": 202, "metadata": {}, "output_type": "execute_result" } ], "source": [ "import nltk\n", "nltk.download('stopwords')" ] }, { "cell_type": "code", "execution_count": 203, "id": "0d9fbed1-69b9-4d90-9e85-faf6a22d953d", "metadata": {}, "outputs": [], "source": [ "from nltk.corpus import stopwords\n", "stop_words = set(stopwords.words('bengali'))" ] }, { "cell_type": "code", "execution_count": 204, "id": "c88d9159-45bb-44a2-9e42-844075539011", "metadata": {}, "outputs": [], "source": [ "df[\"comments\"] =df[\"comments\"].apply(lambda x: ' '.join([word for word in x.split() if word not in (stop_words)]))" ] }, { "cell_type": "code", "execution_count": 205, "id": "62e20234-15b2-4871-b217-31a0df499422", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "1 মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর\n", "2 গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।...\n", "Name: comments, dtype: object" ] }, "execution_count": 205, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df[\"comments\"].head(2)" ] }, { "cell_type": "code", "execution_count": 206, "id": "f691f896-034a-4a20-a47a-65b1c11e5765", "metadata": {}, "outputs": [], "source": [ "# Remove Nonetype data\n", "df = df.replace(to_replace='None', value=np.nan).dropna()" ] }, { "cell_type": "markdown", "id": "fb57e257-70f1-43a9-9360-2019975eab9b", "metadata": { "tags": [] }, "source": [ "### Sarcasm Detection" ] }, { "cell_type": "code", "execution_count": 207, "id": "bf7753f5-7040-4517-88d6-75698e46cd58", "metadata": {}, "outputs": [], "source": [ "#import torch\n", "#torch.cuda.empty_cache()" ] }, { "cell_type": "code", "execution_count": 208, "id": "59a35f7a-2708-4d8e-80dc-3acc7a21c4b2", "metadata": {}, "outputs": [], "source": [ "def irony(df_new, df_temp, x_NonIrony, x_Irony):\n", " # Find out the final score of sentiment analysis. Final Score = Label + Score\n", " for i in df_temp.index:\n", " if df_temp[\"label\"][i]==\"Non_Irony\":\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", " elif df_temp[\"label\"][i]==\"Irony\":\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", " return df_new" ] }, { "cell_type": "code", "execution_count": 209, "id": "9469b176-e526-4335-8f66-7ee7abfd00eb", "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "loading file vocab.txt from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/vocab.txt\n", "loading file tokenizer.json from cache at None\n", "loading file added_tokens.json from cache at None\n", "loading file special_tokens_map.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/special_tokens_map.json\n", "loading file tokenizer_config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/tokenizer_config.json\n", "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "loading weights file pytorch_model.bin from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/pytorch_model.bin\n", "Some weights of the model checkpoint at csebuetnlp/banglabert were not used when initializing ElectraForSequenceClassification: ['discriminator_predictions.dense.weight', 'discriminator_predictions.dense_prediction.bias', 'discriminator_predictions.dense.bias', 'discriminator_predictions.dense_prediction.weight']\n", "- This IS expected if you are initializing ElectraForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", "- This IS NOT expected if you are initializing ElectraForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", "Some weights of ElectraForSequenceClassification were not initialized from the model checkpoint at csebuetnlp/banglabert and are newly initialized: ['classifier.out_proj.weight', 'classifier.dense.bias', 'classifier.dense.weight', 'classifier.out_proj.bias']\n", "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" ] } ], "source": [ "irony_name = f\"csebuetnlp/banglabert\"\n", "tokenizer_irony = AutoTokenizer.from_pretrained(irony_name)\n", "model_irony = AutoModelForSequenceClassification.from_pretrained(irony_name)\n", "irony_pipeline = pipeline(\"sentiment-analysis\", model=model_irony, tokenizer=tokenizer_irony, device=0,max_length=512, padding=True, truncation=True)" ] }, { "cell_type": "code", "execution_count": 211, "id": "925d8b2a-1d3e-4fdb-8d1d-d1437017842f", "metadata": {}, "outputs": [], "source": [ "# convert dataframe to list\n", "list_comments = df[\"comments\"].tolist()" ] }, { "cell_type": "code", "execution_count": 212, "id": "8aa25525-d994-4d6d-9b08-1f446e50573f", "metadata": {}, "outputs": [], "source": [ "# Apply the pipeline model on dataset\n", "irony_comments = irony_pipeline(list_comments)" ] }, { "cell_type": "code", "execution_count": 213, "id": "9c87101a-ad1e-4b87-9553-34474567a303", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর1
21গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।...1
32বাহ ... পাচ্ছি সত্যিই দোষী দোষী সাব্যস্ত#নোটপ্...1
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1
54থান্ডার 830 জেগে উঠলে ভালবাসুন1
............
51085107আলগা পিরিতি। জেলার মানুষ কষ্ট করতেছে খবর নেই।0
51095108ফেইসবুক ছাড়া আপনাদের কোথাও মেলেনা।0
51105109ঢাকাই বকবক ছাড়া বকবক পাটির দল?0
51115110সংবাদ পড়া বাদ দিয়ে মানুষের পাশে দাঁড়ান।0
51125111কার বাবা কার সন্তান হবে, জন্মের রেস প্রতিযোগিত...0
\n", "

5112 rows × 3 columns

\n", "
" ], "text/plain": [ " id comments label\n", "1 0 মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর 1\n", "2 1 গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।... 1\n", "3 2 বাহ ... পাচ্ছি সত্যিই দোষী দোষী সাব্যস্ত#নোটপ্... 1\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1\n", "5 4 থান্ডার 830 জেগে উঠলে ভালবাসুন 1\n", "... ... ... ...\n", "5108 5107 আলগা পিরিতি। জেলার মানুষ কষ্ট করতেছে খবর নেই। 0\n", "5109 5108 ফেইসবুক ছাড়া আপনাদের কোথাও মেলেনা। 0\n", "5110 5109 ঢাকাই বকবক ছাড়া বকবক পাটির দল? 0\n", "5111 5110 সংবাদ পড়া বাদ দিয়ে মানুষের পাশে দাঁড়ান। 0\n", "5112 5111 কার বাবা কার সন্তান হবে, জন্মের রেস প্রতিযোগিত... 0\n", "\n", "[5112 rows x 3 columns]" ] }, "execution_count": 213, "metadata": {}, "output_type": "execute_result" } ], "source": [ "#irony_comments\n", "df" ] }, { "cell_type": "markdown", "id": "2f4ed9b0-b9a6-404e-8fbb-5019f014cac8", "metadata": { "tags": [] }, "source": [ "#### Graphical Representation" ] }, { "cell_type": "code", "execution_count": 214, "id": "da656b8e-87de-4bb1-9f85-cda7168e501a", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "" ] }, "execution_count": 214, "metadata": {}, "output_type": "execute_result" }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkQAAAHFCAYAAAAT5Oa6AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABNS0lEQVR4nO3deVhUZf8G8HtkGQFZBIRhlE3FBcENl9DcYsslt/rhUu4W5kpCLpmJS+CGWppmZeCSqWmWmZloailqiuIWLhkCKkgagQgCwvn94cV5G0HFYVbO/bmuuV7nmec88z1Hkvt9znPOkQmCIICIiIhIwmrpuwAiIiIifWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAi0pL4+HjIZDKcOnWq0s/79OkDDw8PtcbevHkzVqxYoX5xT/Hzzz8jODgYSqUScrkcSqUS3bt3x8KFC7XyfdrSvXt3+Pj4qL29h4cHRo4cqbF6yn8eateujbS0tAqfV7deXRg5ciRkMtkzXyNHjsShQ4cgk8lw6NAhcfs9e/YgKiqq0rE1fbyJnpepvgsgoue3efNmXLhwAeHh4Rod99NPP8Xbb7+NV199FatWrYK9vT0yMjKQmJiI7du3Y8aMGRr9PkO2c+dO2NjYaHzcoqIivP/++9i4caPGx9a22bNnY9y4ceL706dPY8KECYiOjkaPHj3E9nr16qFevXo4duwYvL29xfY9e/bgk08+eWIoItInBiIiEsXExKBr167Yvn27SvuwYcNQVlamp6r0o02bNloZ9+WXX8bmzZsRGRmJVq1aaeU7tKVRo0Zo1KiR+P7BgwcAAC8vL7zwwgsV+lfWRmSoeMqMyIB88skn6Nq1K5ycnGBlZQVfX18sXrwYJSUlYp/u3bvjxx9/RFpamsppinLFxcVYsGABmjVrBrlcjnr16mHUqFH4+++/n/n9d+/ehYuLS6Wf1aql+s+FTCbDxIkTsXbtWjRp0gRyuRze3t7YsmVLhW2zsrIQFhaGBg0awNzcHJ6enpg7dy4ePnyo0u95at+8eTP8/f1Rp04d1KlTB61bt8a6desq9Dt58iS6dOkCS0tLNGzYEAsXLqxSuHv8FE75KaCvv/4as2bNglKphI2NDQIDA3H58uVnjldu2rRpcHBwwPTp05/ZVxAErF69Gq1bt4aFhQXq1q2L1157DX/99ZfY55NPPkGtWrWQnZ0ttsXGxkImk2HChAliW1lZGerWrYuIiAixbc2aNWjVqhXq1KkDa2trNGvWDO+9916V9+VpHj9lNnLkSHzyyScAoPJze/369SeOkZeXh8jISHh6esLc3Bz169dHeHg47t+/r5Eaif6LM0REWlZaWlrhFz/w6Jfd465du4ahQ4eKvwDOnj2LDz/8EJcuXcKXX34JAFi9ejXeeustXLt2DTt37lTZvqysDP369cNvv/2GadOmoVOnTkhLS8OcOXPQvXt3nDp1ChYWFk+s1d/fHzt27EBUVBQGDBgAHx8fmJiYPLH/rl27cPDgQcybNw9WVlZYvXo1hgwZAlNTU7z22msAHoWhDh06oFatWvjggw/QqFEjHDt2DAsWLMD169cRFxf33LV/8MEHmD9/PgYOHIiIiAjY2triwoULFdbmZGVl4fXXX0dERATmzJmDnTt3YubMmVAqlRg+fPgT9+tp3nvvPXTu3BlffPEF8vLyMH36dLzyyitISUl56rEqZ21tjffffx9TpkzBL7/8gpdeeumJfcPCwhAfH4/Jkydj0aJF+OeffzBv3jx06tQJZ8+ehbOzMwIDAyEIAg4cOIAhQ4YAAPbv3w8LCwskJCSIY506dQr//vsvAgMDAQBbtmzB+PHjMWnSJCxduhS1atXCn3/+iT/++EOt4/Iss2fPxv3797F9+3YcO3ZMbH9SAC8oKEC3bt1w48YNvPfee2jZsiUuXryIDz74AOfPn8f+/ftV/o8AUbUJRKQVcXFxAoCnvtzd3Z+4fWlpqVBSUiJs2LBBMDExEf755x/xs969e1e67ddffy0AEHbs2KHSfvLkSQGAsHr16qfW/Oeffwo+Pj5ifRYWFkJAQICwatUqobi4WKVv+edZWVli28OHD4VmzZoJjRs3FtvCwsKEOnXqCGlpaSrbL126VAAgXLx48blq/+uvvwQTExPh9ddff+q+dOvWTQAgnDhxQqXd29tbCAkJeeq2giAI7u7uwogRI8T3Bw8eFAAIvXr1Uum3bds2AYBw7Nixp45X/vNw8uRJoaioSGjYsKHQrl07oaysTKy3RYsWYv9jx44JAITY2FiVcTIyMgQLCwth2rRpYluDBg2E0aNHC4IgCEVFRYKVlZUwffp0AYB43D/88EPBzMxMyM/PFwRBECZOnCjY2dk98zg8Tfkx+eabb5742cGDB8W2CRMmCE/6tfP48Y6JiRFq1aolnDx5UqXf9u3bBQDCnj17qlU70eN4yoxIyzZs2ICTJ09WeL344osV+p45cwZ9+/aFg4MDTExMYGZmhuHDh6O0tBRXrlx55nft3r0bdnZ2eOWVV/Dw4UPx1bp1aygUCpUrfirTqFEjnD17FocPH8bcuXMRGBiIkydPYuLEifD39xfXjJQLCAiAs7Oz+N7ExASDBg3Cn3/+iRs3bog19ejRA0qlUqWmnj17AgAOHz78XLUnJCSgtLRU5XTQkygUCnTo0EGlrWXLlpVe5VVVffv2rTAegOca09zcHAsWLMCpU6ewbdu2Svvs3r0bMpkMb7zxhsrxUCgUaNWqlcrfZUBAAPbv3w8ASExMREFBAaZOnQpHR0dxlmj//v3w9/eHlZUVAKBDhw74999/MWTIEHz//fe4c+dOlevXhd27d8PHxwetW7dW2f+QkJAKV68RaQIDEZGWNW/eHO3atavwsrW1VemXnp6OLl264ObNm/joo4/w22+/4eTJk+K6i8LCwmd+1+3bt/Hvv//C3NwcZmZmKq+srKwq/dKrVasWunbtig8++AC7du3CrVu3MGjQICQlJYmn7copFIoK25e33b17V6zphx9+qFBPixYtAECsqaq1l68natCgwTP3xcHBoUKbXC6v0rGs6phyuRxA1f5+/mvw4MFo27YtZs2apbJGrNzt27chCAKcnZ0rHI/jx4+r/F0GBgYiPT0dV69exf79+9GmTRs4OTnhpZdewv79+1FYWIjExETxdBnwaKH8l19+ibS0NLz66qtwcnJCx44dVU6z6dPt27dx7ty5CvtubW0NQRAMLsCR8eMaIiID8d133+H+/fv49ttv4e7uLrYnJydXeQxHR0c4ODhg7969lX5ubW393HVZWVlh5syZ2Lp1Ky5cuKDyWVZWVoX+5W3lwcHR0REtW7bEhx9+WOn4SqXyuWqvV68eAODGjRtwdXV97v0xFDKZDIsWLUJQUBA+++yzCp87OjpCJpPht99+E0PXf/23LSAgAMCjWaCEhAQEBQWJ7e+//z5+/fVXFBUVqQQiABg1ahRGjRqF+/fv49dff8WcOXPQp08fXLlyReVnUB8cHR1hYWFRIYT/93MiTWIgIjIQ5QtE//uLThAEfP755xX6PmmWo0+fPtiyZQtKS0vRsWPH564hMzOz0kWuKSkpAP4XXsodOHAAt2/fFk+blZaWYuvWrWjUqJE4g9OnTx/s2bMHjRo1Qt26dZ/43VWtPTg4GCYmJlizZg38/f2fex8NSWBgIIKCgjBv3rwK4a5Pnz5YuHAhbt68idDQ0KeO4+LiAm9vb+zYsQNJSUmIjo4GAAQFBSEsLAzLli2DjY0N2rdvX+n2VlZW6NmzJ4qLi9G/f39cvHhRK4Hov7NpT1vcDzza/+joaDg4OMDT01PjtRA9joGIyEAEBQXB3NwcQ4YMwbRp0/DgwQOsWbMGOTk5Ffr6+vri22+/xZo1a+Dn54datWqhXbt2GDx4ML766iv06tULU6ZMQYcOHWBmZoYbN27g4MGD6NevHwYMGPDEGlq0aIGAgAD07NkTjRo1woMHD3DixAnExsbC2dkZY8aMUenv6OiIl156CbNnzxavMrt06ZLKpffz5s1DQkICOnXqhMmTJ6Np06Z48OABrl+/jj179uDTTz9FgwYNqly7h4cH3nvvPcyfPx+FhYUYMmQIbG1t8ccff+DOnTuYO3eu5v5SdGDRokXw8/NDdna2eBoRADp37oy33noLo0aNwqlTp9C1a1dYWVkhMzMTR44cga+vL95++22xf0BAAFauXAkLCwt07twZAODp6QlPT0/s27cPffv2hanp//7Jf/PNN8W+Li4uyMrKQkxMDGxtbZ8YnKrL19dX3OeePXvCxMQELVu2hLm5eYW+4eHh2LFjB7p27Yp33nkHLVu2RFlZGdLT07Fv3z5ERESoFfqJnkjPi7qJaqz/XlVUmcquFPvhhx+EVq1aCbVr1xbq168vvPvuu8JPP/1U4Wqdf/75R3jttdcEOzs7QSaTqVy5U1JSIixdulQcp06dOkKzZs2EsLAw4erVq0+tee3atcLAgQOFhg0bCpaWloK5ubnQqFEjYdy4cUJGRoZKXwDChAkThNWrVwuNGjUSzMzMhGbNmglfffVVhXH//vtvYfLkyYKnp6dgZmYm2NvbC35+fsKsWbPEq56et/YNGzYI7du3F/u1adNGiIuLEz9//KqtciNGjHjq1X3lnnSV2eNXVKWmpgoAVL67Mk/7eRg6dKgAoNJ6v/zyS6Fjx46ClZWVYGFhITRq1EgYPny4cOrUKZV+33//vQBACAoKUml/8803BQDCxx9/rNK+fv16oUePHoKzs7Ngbm4uKJVKITQ0VDh37txT9+O/nvcqs6KiImHs2LFCvXr1xJ/b1NRUQRAqHm9BEIT8/Hzh/fffF5o2bSqYm5sLtra2gq+vr/DOO++oXN1IpAkyQajkZihERM9QfuO/VatW6bsUIqJq41VmREREJHkMRERERCR5XFRNRGrh2XYiqkk4Q0RERESSx0BEREREksdARERERJLHNURVVFZWhlu3bsHa2lq8ozAREREZNkEQcO/ePSiVStSq9eR5IAaiKrp165ZRPzeJiIhIyjIyMp76UGgGoioqf7BkRkYGbGxs9FwNERERVUVeXh5cXV2f+XBrBqIqKj9NZmNjw0BERERkZJ613EWvi6p//fVXvPLKK1AqlZDJZPjuu+/Ez0pKSjB9+nT4+vrCysoKSqUSw4cPx61bt1TGKCoqwqRJk+Do6AgrKyv07dsXN27cUOmTk5ODYcOGwdbWFra2thg2bBj+/fdfHewhERERGQO9BqL79++jVatWlT4LqaCgAKdPn8bs2bNx+vRpfPvtt7hy5Qr69u2r0i88PBw7d+7Eli1bcOTIEeTn56NPnz4oLS0V+wwdOhTJycnYu3cv9u7di+TkZAwbNkzr+0dERETGwWAe7iqTybBz507079//iX1OnjyJDh06IC0tDW5ubsjNzUW9evWwceNGDBo0CMD/Fj/v2bMHISEhSElJgbe3N44fP46OHTsCAI4fPw5/f39cunQJTZs2rVJ9eXl5sLW1RW5uLk+ZERERGYmq/v42qjVEubm5kMlksLOzAwAkJSWhpKQEwcHBYh+lUgkfHx8kJiYiJCQEx44dg62trRiGAOCFF16Ara0tEhMTqxyIiIioZigtLUVJSYm+yyANMTMzg4mJSbXHMZpA9ODBA8yYMQNDhw4VE15WVhbMzc1Rt25dlb7Ozs7IysoS+zg5OVUYz8nJSexTmaKiIhQVFYnv8/LyNLEbRESkJ4IgICsri2tIayA7OzsoFIpq3SfQKAJRSUkJBg8ejLKyMqxevfqZ/QVBUDkolR2gx/s8LiYmBnPnzlWvYCIiMjjlYcjJyQmWlpa8yW4NIAgCCgoKkJ2dDQBwcXFReyyDD0QlJSUIDQ1FamoqfvnlF5XzfwqFAsXFxcjJyVGZJcrOzkanTp3EPrdv364w7t9//w1nZ+cnfu/MmTMxdepU8X35fQyIiMj4lJaWimHIwcFB3+WQBllYWAB49LvfyclJ7dNnBv0ss/IwdPXqVezfv7/CD7Gfnx/MzMyQkJAgtmVmZuLChQtiIPL390dubi5+//13sc+JEyeQm5sr9qmMXC4X7znEew8RERm38jVDlpaWeq6EtKH877U6a8P0OkOUn5+PP//8U3yfmpqK5ORk2NvbQ6lU4rXXXsPp06exe/dulJaWimt+7O3tYW5uDltbW4wZMwYRERFwcHCAvb09IiMj4evri8DAQABA8+bN8fLLL+PNN9/E2rVrAQBvvfUW+vTpwwXVREQSw9NkNZMm/l71GohOnTqFHj16iO/LT1GNGDECUVFR2LVrFwCgdevWKtsdPHgQ3bt3BwAsX74cpqamCA0NRWFhIQICAhAfH68yZfbVV19h8uTJ4tVoffv2rfTeR0RERCRNBnMfIkPH+xARERmvBw8eIDU1FZ6enqhdu7a+y6mS7t27o3Xr1lixYsUz+x46dAg9evRATk6OeGsadXh4eCA8PBzh4eFqj6EPT/v7rervb4NeQ0RERESkCwxEREREJHkMRERERAZu06ZNaNeuHaytraFQKDB06FDx3jv/dfToUbRq1Qq1a9dGx44dcf78eZXPExMT0bVrV1hYWMDV1RWTJ0/G/fv3dbUbBo2BiIiIyMAVFxdj/vz5OHv2LL777jukpqZi5MiRFfq9++67WLp0KU6ePAknJyf07dtXvBT9/PnzCAkJwcCBA3Hu3Dls3boVR44cwcSJE3W8N4bJ4G/MSCR1HjN+1HcJz+36wt76LoGoRhk9erT454YNG+Ljjz9Ghw4dkJ+fjzp16oifzZkzB0FBQQCA9evXo0GDBti5cydCQ0OxZMkSDB06VFww7eXlhY8//hjdunXDmjVrjGaxubZwhoiIiMjAnTlzBv369YO7uzusra3FW8+kp6er9PP39xf/bG9vj6ZNmyIlJQXAoweix8fHo06dOuIrJCQEZWVlSE1N1dm+GCrOEBERERmw+/fvIzg4GMHBwdi0aRPq1auH9PR0hISEoLi4+Jnbl9+0sKysDGFhYZg8eXKFPm5ubhqv29gwEBERERmwS5cu4c6dO1i4cKH4TM1Tp05V2vf48eNiuMnJycGVK1fQrFkzAEDbtm1x8eJFNG7cWDeFGxmeMiMiIjJgbm5uMDc3x8qVK/HXX39h165dmD9/fqV9582bhwMHDuDChQsYOXIkHB0d0b9/fwDA9OnTcezYMUyYMAHJycm4evUqdu3ahUmTJulwbwwXAxEREZEBq1evHuLj4/HNN9/A29sbCxcuxNKlSyvtu3DhQkyZMgV+fn7IzMzErl27YG5uDgBo2bIlDh8+jKtXr6JLly5o06YNZs+eDRcXF13ujsHiozuqiI/uIH3hVWZE1WeMj+6gquOjO4iIiIg0gIGIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPD3clIiJJS09Px507d3T2fY6Ojny6vAFiICIiIslKT09H8+bNUVBQoLPvtLS0REpKSpVD0ciRI/Hvv//iu+++025hEsdAREREknXnzh0UFBRgTuwaeDRqovXvu37tCuZGvI07d+5oZJaouLhYfHgrVQ8DERERSZ5HoyZo6tNK32U8U/fu3eHj4wNzc3Ns2LABLVq0wOHDh3H48GG8++67OHv2LOzt7TFixAgsWLAApqam4nYtW7ZE7dq18cUXX8Dc3Bzjxo1DVFQUAGD06NHIzs7G7t27xe96+PAhGjRogOjoaIwePVofu6tTXFRNRERkRNavXw9TU1McPXoUa9euxc2bN9GrVy+0b98eZ8+exZo1a7Bu3TosWLCgwnZWVlY4ceIEFi9ejHnz5iEhIQEAMHbsWOzduxeZmZli/z179iA/Px+hoaE63T99YSAiIiIyIo0bN8bixYvRtGlTNGvWDKtXr4arqytWrVqFZs2aoX///pg7dy5iY2NRVlYmbteyZUvMmTMHXl5eGD58ONq1a4cDBw4AADp16oSmTZti48aNYv+4uDj83//9H+rUqaPzfdQHBiIiIiIj0q5dO5X3KSkp8Pf3h0wmE9s6d+6M/Px83LhxQ2xr2bKlynYuLi7Izs4W348dOxZxcXEAgOzsbPz444+SOFVWjoGIiIjIiFhZWam8FwRBJQyVtwFQaTczM1PpI5PJVGaQhg8fjr/++gvHjh3Dpk2b4OHhgS5dumi6fIPFRdVERERGzNvbGzt27FAJRomJibC2tkb9+vWrPI6DgwP69++PuLg4HDt2DKNGjdJWyQaJM0RERERGbPz48cjIyMCkSZNw6dIlfP/995gzZw6mTp2KWrWe79f82LFjsX79eqSkpGDEiBFaqtgwcYaIJMVjxo/6LoGIDND1a1eM9nvq16+PPXv24N1330WrVq1gb2+PMWPG4P3333/usQIDA+Hi4oIWLVpAqVRqvFZDxkBERESS5ejoCEtLS8yNeFtn32lpaQlHR8cq94+Pjxf/fOjQoUr7dOvWDb///vsTx6hsu8rufF1YWIh///0XY8aMqXJ9NQUDERERSZabmxtSUlIk/yyzsrIyZGVlITY2Fra2tujbt6++S9I5BiIiIpI0Nzc3gwsoupaeng5PT080aNAA8fHx4h2upUR6e0xEREQqPDw8xEv1pYpXmREREZHkMRARERGR5DEQERERkeQxEBEREZHkMRARERGR5DEQERERkeTxsnsiIpK09PR0yd+YkRiIiIhIwtLT09G8eXMUFBTo7DstLS2RkpJS5VA0cuRIrF+/HjExMZgxY4bY/t1332HAgAE6u3+QTCbDzp070b9/f518n64xEBERkWTduXMHBQUF2LTsfTRv7K7170v5Mw1vTF2AO3fuPNcsUe3atbFo0SKEhYWhbt26WqxQfSUlJTAzM9N3GWrjGiIiIpK85o3d0danqdZf6oauwMBAKBQKxMTEPLHPjh070KJFC8jlcnh4eCA2Nlblcw8PD0RHR2P06NGwtraGm5sbPvvsM7XquX79OmQyGbZt24bu3bujdu3a2LRpE8rKyjBv3jw0aNAAcrkcrVu3xt69eyts9+2336JHjx6wtLREq1atcOzYMQDA/fv3YWNjg+3bt6t83w8//AArKyvcu3dPrXqrgoGIiIjIwJmYmCA6OhorV67EjRs3KnyelJSE0NBQDB48GOfPn0dUVBRmz56N+Ph4lX6xsbFo164dzpw5g/Hjx+Ptt9/GpUuX1K5r+vTpmDx5MlJSUhASEoKPPvoIsbGxWLp0Kc6dO4eQkBD07dsXV69eVdlu1qxZiIyMRHJyMpo0aYIhQ4bg4cOHsLKywuDBgxEXF6fSPy4uDq+99hqsra3VrvVZGIiIiIiMwIABA9C6dWvMmTOnwmfLli1DQEAAZs+ejSZNmmDkyJGYOHEilixZotKvV69eGD9+PBo3bozp06fD0dERhw4dUrum8PBwDBw4EJ6enlAqlVi6dCmmT5+OwYMHo2nTpli0aBFat26NFStWqGwXGRmJ3r17o0mTJpg7dy7S0tLw559/AgDGjh2Ln3/+Gbdu3QLw6LTm7t27MXr0aLXrrAoGIiIiIiOxaNEirF+/Hn/88YdKe0pKCjp37qzS1rlzZ1y9ehWlpaViW8uWLcU/y2QyKBQKZGdnq11Pu3btxD/n5eXh1q1bldaRkpKi0vbfOlxcXABArKNDhw5o0aIFNmzYAADYuHEj3Nzc0LVrV7XrrAoGIiIiIiPRtWtXhISE4L333lNpFwQBMpmsQtvjHl/0LJPJUFZWpnY9VlZWFdoqq+Pxtv/WUf7Zf+sYO3aseNosLi4Oo0aNqjCGpjEQERERGZGFCxfihx9+QGJiotjm7e2NI0eOqPRLTExEkyZNYGJiopO6bGxsoFQqK62jefPmzzXWG2+8gfT0dHz88ce4ePEiRowYoclSK6XXQPTrr7/ilVdegVKphEwmw3fffafyuSAIiIqKglKphIWFBbp3746LFy+q9CkqKsKkSZPg6OgIKysr9O3bt8KCs5ycHAwbNgy2trawtbXFsGHD8O+//2p574iIiDTP19cXr7/+OlauXCm2RURE4MCBA5g/fz6uXLmC9evXY9WqVYiMjNRpbe+++y4WLVqErVu34vLly5gxYwaSk5MxZcqU5xqnbt26GDhwIN59910EBwejQYMGWqr4f/R6H6L79++jVatWGDVqFF599dUKny9evBjLli1DfHw8mjRpggULFiAoKAiXL18WV5qHh4fjhx9+wJYtW+Dg4ICIiAj06dMHSUlJYioeOnQobty4IV7699Zbb2HYsGH44YcfdLezRERksFL+TDOq75k/fz62bdsmvm/bti22bduGDz74APPnz4eLiwvmzZuHkSNHauT7qmry5MnIy8tDREQEsrOz4e3tjV27dsHLy+u5xxozZgw2b96s9cXU5WSCrm5x+QyP3wFTEAQolUqEh4dj+vTpAB7NBjk7O4s3p8rNzUW9evWwceNGDBo0CABw69YtuLq6Ys+ePQgJCUFKSgq8vb1x/PhxdOzYEQBw/Phx+Pv749KlS2jatGmV6svLy4OtrS1yc3NhY2Oj+QNAOuEx40d9lyAJ1xf21ncJRCoePHiA1NRUeHp6onbt2mK7MdypWqq++uorTJkyBbdu3YK5uflT+z7p7xeo+u9vg71TdWpqKrKyshAcHCy2yeVydOvWDYmJiQgLC0NSUhJKSkpU+iiVSvj4+CAxMREhISE4duwYbG1txTAEAC+88AJsbW2RmJj4xEBUVFSEoqIi8X1eXp4W9pKIiPTJzc0NKSkpfJaZASkoKEBqaipiYmIQFhb2zDCkKQYbiLKysgAAzs7OKu3Ozs5IS0sT+5ibm1e4jbmzs7O4fVZWFpycnCqM7+TkJPapTExMDObOnVutfSAiIsPn5uYm+YASHR2N6OjoSj/r0qULfvrpJ53VsnjxYnz44Yfo2rUrZs6cqbPvNdhAVK4ql+897vE+lfV/1jgzZ87E1KlTxfd5eXlwdXWtatlERERGY9y4cQgNDa30MwsLC53WEhUVhaioKJ1+J2DAgUihUAB4NMNTftMm4NGNm8pnjRQKBYqLi5GTk6MyS5SdnY1OnTqJfW7fvl1h/L///rvC7NN/yeVyyOVyjewLERGRIbO3t4e9vb2+y9Arg70PkaenJxQKBRISEsS24uJiHD58WAw7fn5+MDMzU+mTmZmJCxcuiH38/f2Rm5uL33//Xexz4sQJ5Obmin2IiEgaDOQ6ItIwTfy96nWGKD8/X3x2CfBoIXVycjLs7e3h5uaG8PBwREdHw8vLC15eXoiOjoalpSWGDh0KALC1tcWYMWMQEREBBwcH2NvbIzIyEr6+vggMDAQANG/eHC+//DLefPNNrF27FsCjy+779OlT5SvMiIjIuJXfGbmgoEDnp4BI+8qvEnz8TtzPQ6+B6NSpU+jRo4f4vnzNzogRIxAfH49p06ahsLAQ48ePR05ODjp27Ih9+/apPO12+fLlMDU1RWhoKAoLCxEQEID4+HiVO3N+9dVXmDx5sng1Wt++fbFq1Sod7SUREembiYkJ7OzsxOdlWVpaav1REKR9giCgoKAA2dnZsLOzq9ZduQ3mPkSGjvchqhl4HyLd4H2IyBAJgoCsrCw+qaAGsrOzg0KhqDTkGv19iIiIiDRJJpPBxcUFTk5OKCkp0Xc5pCFmZmYaeV4bAxEREUmKiYmJzh54SsbDYK8yIyIiItIVBiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8U30XQEQ1j8eMH/VdwnO7vrC3vksgIj3iDBERERFJHgMRERERSR4DEREREUkeAxERERFJHgMRERERSR4DEREREUkeAxERERFJHgMRERERSR4DEREREUmeQQeihw8f4v3334enpycsLCzQsGFDzJs3D2VlZWIfQRAQFRUFpVIJCwsLdO/eHRcvXlQZp6ioCJMmTYKjoyOsrKzQt29f3LhxQ9e7Q0RERAbKoAPRokWL8Omnn2LVqlVISUnB4sWLsWTJEqxcuVLss3jxYixbtgyrVq3CyZMnoVAoEBQUhHv37ol9wsPDsXPnTmzZsgVHjhxBfn4++vTpg9LSUn3sFhERERkYg36W2bFjx9CvXz/07v3oGUMeHh74+uuvcerUKQCPZodWrFiBWbNmYeDAgQCA9evXw9nZGZs3b0ZYWBhyc3Oxbt06bNy4EYGBgQCATZs2wdXVFfv370dISIh+do6IiIgMhkHPEL344os4cOAArly5AgA4e/Ysjhw5gl69egEAUlNTkZWVheDgYHEbuVyObt26ITExEQCQlJSEkpISlT5KpRI+Pj5in8oUFRUhLy9P5UVEREQ1k0HPEE2fPh25ublo1qwZTExMUFpaig8//BBDhgwBAGRlZQEAnJ2dVbZzdnZGWlqa2Mfc3Bx169at0Kd8+8rExMRg7ty5mtwdIiIiMlAGPUO0detWbNq0CZs3b8bp06exfv16LF26FOvXr1fpJ5PJVN4LglCh7XHP6jNz5kzk5uaKr4yMDPV3hIiIiAyaQc8Qvfvuu5gxYwYGDx4MAPD19UVaWhpiYmIwYsQIKBQKAI9mgVxcXMTtsrOzxVkjhUKB4uJi5OTkqMwSZWdno1OnTk/8brlcDrlcro3dIiIiIgNj0DNEBQUFqFVLtUQTExPxsntPT08oFAokJCSInxcXF+Pw4cNi2PHz84OZmZlKn8zMTFy4cOGpgYiIiIikw6BniF555RV8+OGHcHNzQ4sWLXDmzBksW7YMo0ePBvDoVFl4eDiio6Ph5eUFLy8vREdHw9LSEkOHDgUA2NraYsyYMYiIiICDgwPs7e0RGRkJX19f8aozIiIikjaDDkQrV67E7NmzMX78eGRnZ0OpVCIsLAwffPCB2GfatGkoLCzE+PHjkZOTg44dO2Lfvn2wtrYW+yxfvhympqYIDQ1FYWEhAgICEB8fDxMTE33sFhERERkYmSAIgr6LMAZ5eXmwtbVFbm4ubGxs9F0Oqcljxo/6LoEM1PWFvfVdAhFpQVV/fxv0GiIiIiIiXWAgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIslTKxClpqZqug4iIiIivVErEDVu3Bg9evTApk2b8ODBA03XRERERKRTagWis2fPok2bNoiIiIBCoUBYWBh+//13TddGREREpBNqBSIfHx8sW7YMN2/eRFxcHLKysvDiiy+iRYsWWLZsGf7++29N10lERESkNdVaVG1qaooBAwZg27ZtWLRoEa5du4bIyEg0aNAAw4cPR2ZmpqbqJCIiItKaagWiU6dOYfz48XBxccGyZcsQGRmJa9eu4ZdffsHNmzfRr18/TdVJREREpDWm6my0bNkyxMXF4fLly+jVqxc2bNiAXr16oVatR/nK09MTa9euRbNmzTRaLBEREZE2qBWI1qxZg9GjR2PUqFFQKBSV9nFzc8O6deuqVRwRERGRLqgViK5evfrMPubm5hgxYoQ6w5MR8Jjxo75LICIi0hi11hDFxcXhm2++qdD+zTffYP369dUuioiIiEiX1ApECxcuhKOjY4V2JycnREdHV7soIiIiIl1SKxClpaXB09OzQru7uzvS09OrXRQRERGRLqkViJycnHDu3LkK7WfPnoWDg0O1iyIiIiLSJbUC0eDBgzF58mQcPHgQpaWlKC0txS+//IIpU6Zg8ODBmq6RiIiISKvUuspswYIFSEtLQ0BAAExNHw1RVlaG4cOHcw0RERERGR21ApG5uTm2bt2K+fPn4+zZs7CwsICvry/c3d01XR8RERGR1qkViMo1adIETZo00VQtRERERHqhViAqLS1FfHw8Dhw4gOzsbJSVlal8/ssvv2ikOCIiIiJdUCsQTZkyBfHx8ejduzd8fHwgk8k0XRcRERGRzqgViLZs2YJt27ahV69emq6HiIiISOfUuuze3NwcjRs31nQtRERERHqhViCKiIjARx99BEEQNF0PERERkc6pdcrsyJEjOHjwIH766Se0aNECZmZmKp9/++23GimOiIiISBfUCkR2dnYYMGCApmshIiIi0gu1AlFcXJym6yAiIiLSG7XWEAHAw4cPsX//fqxduxb37t0DANy6dQv5+fkaK46IiIhIF9SaIUpLS8PLL7+M9PR0FBUVISgoCNbW1li8eDEePHiATz/9VNN1EhEREWmNWjNEU6ZMQbt27ZCTkwMLCwuxfcCAAThw4IDGiiMiIiLSBbWvMjt69CjMzc1V2t3d3XHz5k2NFEZERESkK2rNEJWVlaG0tLRC+40bN2BtbV3tooiIiIh0Sa1AFBQUhBUrVojvZTIZ8vPzMWfOHD7Og4iIiIyOWqfMli9fjh49esDb2xsPHjzA0KFDcfXqVTg6OuLrr7/WdI1EREREWqXWDJFSqURycjIiIyMRFhaGNm3aYOHChThz5gycnJw0WuDNmzfxxhtvwMHBAZaWlmjdujWSkpLEzwVBQFRUFJRKJSwsLNC9e3dcvHhRZYyioiJMmjQJjo6OsLKyQt++fXHjxg2N1klERETGS60ZIgCwsLDA6NGjMXr0aE3WoyInJwedO3dGjx498NNPP8HJyQnXrl2DnZ2d2Gfx4sVYtmwZ4uPj0aRJEyxYsABBQUG4fPmyuJ4pPDwcP/zwA7Zs2QIHBwdERESgT58+SEpKgomJidbqJyIiIuMgE9R4QuuGDRue+vnw4cPVLui/ZsyYgaNHj+K3336r9HNBEKBUKhEeHo7p06cDeDQb5OzsjEWLFiEsLAy5ubmoV68eNm7ciEGDBgF4dANJV1dX7NmzByEhIVWqJS8vD7a2tsjNzYWNjY1G9s+Yecz4Ud8lEGnU9YW99V0CEWlBVX9/qzVDNGXKFJX3JSUlKCgogLm5OSwtLTUWiHbt2oWQkBD83//9Hw4fPoz69etj/PjxePPNNwEAqampyMrKQnBwsLiNXC5Ht27dkJiYiLCwMCQlJaGkpESlj1KphI+PDxITE6sciIiIiKjmUmsNUU5OjsorPz8fly9fxosvvqjRRdV//fUX1qxZAy8vL/z8888YN24cJk+eLM5QZWVlAQCcnZ1VtnN2dhY/y8rKgrm5OerWrfvEPpUpKipCXl6eyouIiIhqJrWfZfY4Ly8vLFy4sMLsUXWUlZWhbdu2iI6ORps2bRAWFoY333wTa9asUeknk8lU3guCUKHtcc/qExMTA1tbW/Hl6uqq/o4QERGRQdNYIAIAExMT3Lp1S2Pjubi4wNvbW6WtefPmSE9PBwAoFAoAqDDTk52dLc4aKRQKFBcXIycn54l9KjNz5kzk5uaKr4yMjGrvDxERERkmtdYQ7dq1S+W9IAjIzMzEqlWr0LlzZ40UBgCdO3fG5cuXVdquXLkCd3d3AICnpycUCgUSEhLQpk0bAEBxcTEOHz6MRYsWAQD8/PxgZmaGhIQEhIaGAgAyMzNx4cIFLF68+InfLZfLIZfLNbYvREREZLjUCkT9+/dXeS+TyVCvXj289NJLiI2N1URdAIB33nkHnTp1QnR0NEJDQ/H777/js88+w2effSZ+b3h4OKKjo+Hl5QUvLy9ER0fD0tISQ4cOBQDY2tpizJgxiIiIgIODA+zt7REZGQlfX18EBgZqrFYiIiIyXmoForKyMk3XUan27dtj586dmDlzJubNmwdPT0+sWLECr7/+uthn2rRpKCwsxPjx45GTk4OOHTti3759Ks9UW758OUxNTREaGorCwkIEBAQgPj6e9yAiIiIiAGreh0iKeB8iVbwPEdU0vA8RUc2k1fsQTZ06tcp9ly1bps5XEBEREemMWoHozJkzOH36NB4+fIimTZsCeLTY2cTEBG3bthX7PevSdyIiIiJDoFYgeuWVV2BtbY3169eLNzzMycnBqFGj0KVLF0RERGi0SCIiIiJtUus+RLGxsYiJiVG5+3PdunWxYMECjV5lRkRERKQLagWivLw83L59u0J7dnY27t27V+2iiIiIiHRJrUA0YMAAjBo1Ctu3b8eNGzdw48YNbN++HWPGjMHAgQM1XSMRERGRVqm1hujTTz9FZGQk3njjDZSUlDwayNQUY8aMwZIlSzRaIBEREZG2qRWILC0tsXr1aixZsgTXrl2DIAho3LgxrKysNF0fERERkdZV6+GumZmZyMzMRJMmTWBlZQXe45GIiIiMkVqB6O7duwgICECTJk3Qq1cvZGZmAgDGjh3LS+6JiIjI6KgViN555x2YmZkhPT0dlpaWYvugQYOwd+9ejRVHREREpAtqrSHat28ffv75ZzRo0ECl3cvLC2lpaRopjIiIiEhX1Johun//vsrMULk7d+5ALpdXuygiIiIiXVIrEHXt2hUbNmwQ38tkMpSVlWHJkiXo0aOHxoojIiIi0gW1TpktWbIE3bt3x6lTp1BcXIxp06bh4sWL+Oeff3D06FFN10hERESkVWrNEHl7e+PcuXPo0KEDgoKCcP/+fQwcOBBnzpxBo0aNNF0jERERkVY99wxRSUkJgoODsXbtWsydO1cbNRER6ZzHjB/1XcJzu76wt75LIKoxnnuGyMzMDBcuXIBMJtNGPUREREQ6p9Yps+HDh2PdunWaroWIiIhIL9RaVF1cXIwvvvgCCQkJaNeuXYVnmC1btkwjxRERERHpwnMFor/++gseHh64cOEC2rZtCwC4cuWKSh+eSiMiIiJj81yByMvLC5mZmTh48CCAR4/q+Pjjj+Hs7KyV4oiIiIh04bnWED3+NPuffvoJ9+/f12hBRERERLqm1hqico8HJCJ6Pg/zslFakFftcUwsbWBq46SBioiIpOm5ApFMJquwRohrhojU8zAvG7e+eBtCSVG1x5KZyaEcu4ahiIhITc8ViARBwMiRI8UHuD548ADjxo2rcJXZt99+q7kKiWqo0oI8CCVFcOgTATMHV7XHKbmbgbu7Y1FakMdARESkpucKRCNGjFB5/8Ybb2i0GCIpMnNwhVzRWN9lEBFJ2nMFori4OG3VQURERKQ3at2pmoiIiKgmYSAiIiIiyWMgIiIiIsljICIiIiLJq9aNGYmkShM3VCy5m6GhaoiIqLoYiIiekyZvqAgAZYX3NDIOERGpj4GI6Dlp6oaKhX+dQu5vm1BW8kCD1RERkToYiIjUVN0bKhriKTM+W42IpIqBiIgA8NlqRCRtDERENUR1Z5xK7mbw2WpEJFkMRERGrjQ/BwBwd3esRsYzsbTjs9WISHIYiIiMXFlRPgDArsdo1HZrqfY4XORNRFLGQGQAPGb8qO8SqAYwtXOpcYu8iYh0hXeqJiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyTOqQBQTEwOZTIbw8HCxTRAEREVFQalUwsLCAt27d8fFixdVtisqKsKkSZPg6OgIKysr9O3bFzdu3NBx9URERGSojCYQnTx5Ep999hlatlR9VtPixYuxbNkyrFq1CidPnoRCoUBQUBDu3bsn9gkPD8fOnTuxZcsWHDlyBPn5+ejTpw9KS0t1vRtERERkgIwiEOXn5+P111/H559/jrp164rtgiBgxYoVmDVrFgYOHAgfHx+sX78eBQUF2Lx5MwAgNzcX69atQ2xsLAIDA9GmTRts2rQJ58+fx/79+/W1S0RERGRAjCIQTZgwAb1790ZgYKBKe2pqKrKyshAcHCy2yeVydOvWDYmJiQCApKQklJSUqPRRKpXw8fER+1SmqKgIeXl5Ki8iIiKqmQz+afdbtmzB6dOncfLkyQqfZWVlAQCcnZ1V2p2dnZGWlib2MTc3V5lZKu9Tvn1lYmJiMHfu3OqWT0REREbAoGeIMjIyMGXKFGzatAm1a9d+Yj+ZTKbyXhCECm2Pe1afmTNnIjc3V3xlZGQ8X/FERERkNAw6ECUlJSE7Oxt+fn4wNTWFqakpDh8+jI8//himpqbizNDjMz3Z2dniZwqFAsXFxcjJyXlin8rI5XLY2NiovIiIiKhmMuhAFBAQgPPnzyM5OVl8tWvXDq+//jqSk5PRsGFDKBQKJCQkiNsUFxfj8OHD6NSpEwDAz88PZmZmKn0yMzNx4cIFsQ8RERFJm0GvIbK2toaPj49Km5WVFRwcHMT28PBwREdHw8vLC15eXoiOjoalpSWGDh0KALC1tcWYMWMQEREBBwcH2NvbIzIyEr6+vhUWaROR5pTcrf5pZhNLG5jaOGmgGiKipzPoQFQV06ZNQ2FhIcaPH4+cnBx07NgR+/btg7W1tdhn+fLlMDU1RWhoKAoLCxEQEID4+HiYmJjosXKimqk0/9Hp6bu7Y6s9lsxMDuXYNQxFRKR1RheIDh06pPJeJpMhKioKUVFRT9ymdu3aWLlyJVauXKnd4ogIZUX5AAC7HqNR263lM3o/WcndDNzdHYvSgjwGIiLSOqMLRERkHEztXCBXNNZ3GUREVWLQi6qJiIiIdIGBiIiIiCSPp8xIUh7mZaO0oHqPYdHE1VNERGRYGIhIMh7mZePWF29DKCnSyHhlhfc0Mg4REekfAxFJRmlBHoSSIjj0iYCZg6va4xT+dQq5v21CWckDDVZHRET6xEBEkmPm4Fqtq594yoyIqObhomoiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjzemJGIDJomboRpYmkDUxsnDVRDRDUVAxEZPE08kBXgHaaNTWl+DgDg7u7Yao8lM5NDOXYNQxERPREDERk0TT+QFeBDWY1FWVE+AMCux2jUdmup9jgldzNwd3csSgvyGIiI6IkYiMigaeqBrAAfymqsTO1cqvXsOSKiqmAgIqNQ3QeyAjxlRkRET8arzIiIiEjyGIiIiIhI8hiIiIiISPIYiIiIiEjyGIiIiIhI8hiIiIiISPIYiIiIiEjyGIiIiIhI8hiIiIiISPIYiIiIiEjyGIiIiIhI8vgsMyKSBE08y87E0gamNk4aqIaIDA0DERHVaKX5OQCAu7tjqz2WzEwO5dg1DEVENRADERHVaGVF+QAAux6jUdutpdrjlNzNwN3dsSgtyGMgIqqBGIiISBJM7VwgVzTWdxlEZKAYiEhrHuZlo7Qgr1pjaGLdBxER0bMwEJFWPMzLxq0v3oZQUqSR8coK72lkHCIiosowEJFWlBbkQSgpgkOfCJg5uKo9TuFfp5D72yaUlTzQYHVERESqGIhIq8wcXKu1boOnzIiISBcYiIiIjJTHjB/1XcJzu76wt75LIKoU71RNREREksdARERERJLHQERERESSxzVERETPgc9EI6qZGIiIiKqAz0QjqtkYiKgC3mGaqCI+E42oZmMgIhW8wzTR0/GZaEQ1EwMRqeAdpomISIoYiKhSvMM0ERFJiUFfdh8TE4P27dvD2toaTk5O6N+/Py5fvqzSRxAEREVFQalUwsLCAt27d8fFixdV+hQVFWHSpElwdHSElZUV+vbtixs3buhyV4iIiMiAGXQgOnz4MCZMmIDjx48jISEBDx8+RHBwMO7fvy/2Wbx4MZYtW4ZVq1bh5MmTUCgUCAoKwr17/1u7Eh4ejp07d2LLli04cuQI8vPz0adPH5SWlupjt4iIiMjAGPQps71796q8j4uLg5OTE5KSktC1a1cIgoAVK1Zg1qxZGDhwIABg/fr1cHZ2xubNmxEWFobc3FysW7cOGzduRGBgIABg06ZNcHV1xf79+xESEqLz/SIiIiLDYtAzRI/Lzc0FANjb2wMAUlNTkZWVheDgYLGPXC5Ht27dkJiYCABISkpCSUmJSh+lUgkfHx+xT2WKioqQl5en8iIiIqKayWgCkSAImDp1Kl588UX4+PgAALKysgAAzs7OKn2dnZ3Fz7KysmBubo66des+sU9lYmJiYGtrK75cXdW/4oqIiIgMm9EEookTJ+LcuXP4+uuvK3wmk8lU3guCUKHtcc/qM3PmTOTm5oqvjAxeNUVERFRTGUUgmjRpEnbt2oWDBw+iQYMGYrtCoQCACjM92dnZ4qyRQqFAcXExcnJyntinMnK5HDY2NiovIiIiqpkMOhAJgoCJEyfi22+/xS+//AJPT0+Vzz09PaFQKJCQkCC2FRcX4/Dhw+jUqRMAwM/PD2ZmZip9MjMzceHCBbEPERERSZtBX2U2YcIEbN68Gd9//z2sra3FmSBbW1tYWFhAJpMhPDwc0dHR8PLygpeXF6Kjo2FpaYmhQ4eKfceMGYOIiAg4ODjA3t4ekZGR8PX1Fa86IyIiImkz6EC0Zs0aAED37t1V2uPi4jBy5EgAwLRp01BYWIjx48cjJycHHTt2xL59+2BtbS32X758OUxNTREaGorCwkIEBAQgPj4eJiYmutoVneBDWYmIiNRj0IFIEIRn9pHJZIiKikJUVNQT+9SuXRsrV67EypUrNVidYeFDWYmIiNRn0IGIqo4PZSUiIlIfA1ENw4eyEhERPT+DvsqMiIiISBc4Q0REpAeamI01sbSBqY2TBqohIgYiIiIdKs1/dJPYu7tjqz2WzEwO5dg1DEVEGsBAZAB4uTyRdJQV5QMA7HqMRm23lmqPU3I3A3d3x6K0II+BiEgDGIj0LD09nZfLE0mQqZ1LtS6AICLNYiDSszt37vByeSIiIj1jIDIQvFyeiIhIf3jZPREREUkeAxERERFJHgMRERERSR4DEREREUkeAxERERFJHgMRERERSR4vuyciMmJ8JhqRZjAQEREZIT4TjUizGIiIiIwQn4lGpFkMRERERozPRCPSDC6qJiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJYyAiIiIiyWMgIiIiIsljICIiIiLJ440ZiYiIz0QjyWMgIiKSMD4TjegRBiIiIgnjM9GIHmEgIiIiPhONJI+BiIiIdMZjxo/6LuG5XV/YW98lkA7wKjMiIiKSPAYiIiIikjwGIiIiIpI8BiIiIiKSPAYiIiIikjxeZWYgHqSfw8O8v9XevijrqgarISJSD+94TcaKgUjPioqKAAD/HvxSMwOWPtTMOEREz4F3vCZjx0CkZ3K5HADg0yUYVnb2ao9z58Z1XDtzHMW3rwEm6v+1cqaJiNTBO16TsWMgMhAujZvBXtFA7e1Ly0qBM8eRd2K7ZgriTBMRqYF3vCZjxUBUQ5jUMgEANG/vDxuFu9rjlM80VWeWiYiourgWiXSNv/VqGIWrB5yatqnWGNfOHNdQNUREz4drkUhfGIiIiMhgcC0S6QsDERERGRyuRSJdYyCiShXfulyt7Xm1GhERGRMGIlJRWlYKALxajYhqBE0szk5PT4ebm5sGqiFDxkBEKni1GhHVBJpcnO2xebrRLc6+vrC3vkswOvxtRZXS1NVqPPVGRPrAxdn0vCQViFavXo0lS5YgMzMTLVq0wIoVK9ClSxd9l1Uj8dQbERkCQ1qc/TAvG6UFedUeh/dX0g7JBKKtW7ciPDwcq1evRufOnbF27Vr07NkTf/zxB88Na4GmT71V95EkAGebiEh91V2LVJqfgzvfx0B4WFztWnh/Je2QTCBatmwZxowZg7FjxwIAVqxYgZ9//hlr1qxBTEyMnquruap76k3jjyQBONtERFWmybVIAGAfNA7mymZqb19+Cu9BxkWYOTx5tun06dPPHMvR0ZETAv8hiUBUXFyMpKQkzJgxQ6U9ODgYiYmJeqqKqkJTM02A5h+Aq6n1URzn6eMQ6ZOm1iIV/nUKub9tQq06DtU6hVfVgOa3vgqDmZqjXv+ZMLGqq3Y9ACCUlkBmYlatMQDgxLwBeg1okghEd+7cQWlpKZydnVXanZ2dkZWVVek2RUVFKCoqEt/n5uYCAPLyqn/+97/y8x/9x/ZP5k08LC56Ru8ny7uTDQD49042YHGtxo1T28ISlja2ao8DAKbm8kdjami2iePoZpwH6edRVqL+fxtFN/949L/pFzgOx1F7nNK8uyi+e0PtcR7m39VQPRcBABZNOsPMQf0Hgpfk3ELhpd/w9/a5ao+haU23zsCpU6fg6uqq0XHLf28LgvD0joIE3Lx5UwAgJCYmqrQvWLBAaNq0aaXbzJkzRwDAF1988cUXX3zVgFdGRsZTs4IkZogcHR1hYmJSYTYoOzu7wqxRuZkzZ2Lq1Kni+7KyMvzzzz9wcHCATCbTWG15eXlwdXVFRkYGbGxsNDYuqeJx1h0ea93gcdYNHmfd0OZxFgQB9+7dg1KpfGo/SQQic3Nz+Pn5ISEhAQMGDBDbExIS0K9fv0q3kcvlkMvlKm12dnZaq9HGxob/sekAj7Pu8FjrBo+zbvA464a2jrOtre0z+0giEAHA1KlTMWzYMLRr1w7+/v747LPPkJ6ejnHjxum7NCIiItIzyQSiQYMG4e7du5g3bx4yMzPh4+ODPXv2wN3dXd+lERERkZ5JJhABwPjx4zF+/Hh9l6FCLpdjzpw5FU7PkWbxOOsOj7Vu8DjrBo+zbhjCcZYJwrOuQyMiIiKq2WrpuwAiIiIifWMgIiIiIsljICIiIiLJYyAiIiIiyWMg0oLVq1fD09MTtWvXhp+fH3777bcn9j106BBkMlmF16VLl1T67dixA97e3pDL5fD29sbOnTu1vRsGT9PH+eLFi3j11Vfh4eEBmUyGFStW6GAvDJ+mj/Pnn3+OLl26oG7duqhbty4CAwPx+++/62JXDJqmj/O3336Ldu3awc7ODlZWVmjdujU2btyoi10xaNr497ncli1bIJPJ0L9/fy1Vb1w0fazj4+Mr7fPgwQON1MtApGFbt25FeHg4Zs2ahTNnzqBLly7o2bMn0tPTn7rd5cuXkZmZKb68vLzEz44dO4ZBgwZh2LBhOHv2LIYNG4bQ0FCcOHFC27tjsLRxnAsKCtCwYUMsXLgQCoVC27tgFLRxnA8dOoQhQ4bg4MGDOHbsGNzc3BAcHIybN29qe3cMljaOs729PWbNmoVjx47h3LlzGDVqFEaNGoWff/5Z27tjsLRxnMulpaUhMjISXbp00Vb5RkVbx9rGxkbl88zMTNSuXVszRWvm8alUrkOHDsK4ceNU2po1aybMmDGj0v4HDx4UAAg5OTlPHDM0NFR4+eWXVdpCQkKEwYMHV7teY6WN4/xf7u7uwvLly6tZpfHT9nEWBEF4+PChYG1tLaxfv746pRo1XRxnQRCENm3aCO+//766ZRo9bR3nhw8fCp07dxa++OILYcSIEUK/fv00VLHx0saxjouLE2xtbTVYpSrOEGlQcXExkpKSEBwcrNIeHByMxMTEp27bpk0buLi4ICAgAAcPHlT57NixYxXGDAkJeeaYNZW2jjOp0tVxLigoQElJCezt7atdszHSxXEWBAEHDhzA5cuX0bVrV43UbWy0eZznzZuHevXqYcyYMRqt2Vhp81jn5+fD3d0dDRo0QJ8+fXDmzBmN1S2pO1Vr2507d1BaWgpnZ2eVdmdnZ2RlZVW6jYuLCz777DP4+fmhqKgIGzduREBAAA4dOiT+w5WVlfVcY9Z02jrOpEpXx3nGjBmoX78+AgMDNb4PxkCbxzk3Nxf169dHUVERTExMsHr1agQFBWl1fwyVto7z0aNHsW7dOiQnJ2t7F4yGto51s2bNEB8fD19fX+Tl5eGjjz5C586dcfbs2UpPYz4vBiItkMlkKu8FQajQVq5p06Zo2rSp+N7f3x8ZGRlYunSpyj9szzOmVGjjOFNF2jzOixcvxtdff41Dhw5pbh2AkdLGcba2tkZycjLy8/Nx4MABTJ06FQ0bNkT37t21sg/GQJPH+d69e3jjjTfw+eefw9HRUat1GyNN/0y/8MILeOGFF8Q+nTt3Rtu2bbFy5Up8/PHH1a6Xp8w0yNHRESYmJhUScHZ2doWk/DQvvPACrl69Kr5XKBTVHrMm0dZxJlXaPs5Lly5FdHQ09u3bh5YtW1a7XmOlzeNcq1YtNG7cGK1bt0ZERARee+01xMTEaKRuY6ON43zt2jVcv34dr7zyCkxNTWFqaooNGzZg165dMDU1xbVr1zS6D8ZCV/9G16pVC+3bt9fYv+MMRBpkbm4OPz8/JCQkqLQnJCSgU6dOVR7nzJkzcHFxEd/7+/tXGHPfvn3PNWZNoq3jTKq0eZyXLFmC+fPnY+/evWjXrp1G6jVWuvx5FgQBRUVFatVp7LRxnJs1a4bz588jOTlZfPXt2xc9evRAcnIyXF1dNboPxkJXP9OCICA5OVlz/45rbbm2RG3ZskUwMzMT1q1bJ/zxxx9CeHi4YGVlJVy/fl0QBEGYMWOGMGzYMLH/8uXLhZ07dwpXrlwRLly4IMyYMUMAIOzYsUPsc/ToUcHExERYuHChkJKSIixcuFAwNTUVjh8/rvP9MxTaOM5FRUXCmTNnhDNnzgguLi5CZGSkcObMGeHq1as63z9DoY3jvGjRIsHc3FzYvn27kJmZKb7u3bun8/0zFNo4ztHR0cK+ffuEa9euCSkpKUJsbKxgamoqfP755zrfP0OhjeP8OF5l9og2jnVUVJSwd+9e4dq1a8KZM2eEUaNGCaampsKJEyc0UjMDkRZ88skngru7u2Bubi60bdtWOHz4sPjZiBEjhG7duonvFy1aJDRq1EioXbu2ULduXeHFF18UfvzxxwpjfvPNN0LTpk0FMzMzoVmzZk/9D1IqNH2cU1NTBQAVXv8dR4o0fZzd3d0rPc5z5szR0R4ZJk0f51mzZgmNGzcW+/j7+wtbtmzR1e4YLG38+/xfDET/o+ljHR4eLri5uQnm5uZCvXr1hODgYCExMVFj9coEQRA0M9dEREREZJy4hoiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIqIpKSkr0XQIRaQkDEREZve3bt8PX1xcWFhZwcHBAYGAg7t+/DwD48ssv0aJFC8jlcri4uGDixInidunp6ejXrx/q1KkDGxsbhIaG4vbt2+LnUVFRaN26Nb788ks0bNgQcrkcgiAgNzcXb731FpycnGBjY4OXXnoJZ8+e1fl+E5HmMBARkVHLzMzEkCFDMHr0aKSkpODQoUMYOHAgBEHAmjVrMGHCBLz11ls4f/48du3ahcaNGwMABEFA//798c8//+Dw4cNISEjAtWvXMGjQIJXx//zzT2zbtg07duxAcnIyAKB3797IysrCnj17kJSUhLZt2yIgIAD//POPrnefiDSED3clIqN2+vRp+Pn54fr163B3d1f5rH79+hg1ahQWLFhQYbuEhAT07NkTqampcHV1BQD88ccfaNGiBX7//Xe0b98eUVFRiI6Oxs2bN1GvXj0AwC+//IIBAwYgOzsbcrlcHK9x48aYNm0a3nrrLS3uLRFpi6m+CyAiqo5WrVohICAAvr6+CAkJQXBwMF577TWUlJTg1q1bCAgIqHS7lJQUuLq6imEIALy9vWFnZ4eUlBS0b98eAODu7i6GIQBISkpCfn4+HBwcVMYrLCzEtWvXtLCHRKQLDEREZNRMTEyQkJCAxMRE7Nu3DytXrsSsWbNw4MCBp24nCAJkMtkz262srFQ+Lysrg4uLCw4dOlRhWzs7O7X2gYj0j4GIiIyeTCZD586d0blzZ3zwwQdwd3dHQkICPDw8cODAAfTo0aPCNt7e3khPT0dGRobKKbPc3Fw0b978id/Vtm1bZGVlwdTUFB4eHtraJSLSMQYiIjJqJ06cwIEDBxAcHAwnJyecOHECf//9N5o3b46oqCiMGzcOTk5O6NmzJ+7du4ejR49i0qRJCAwMRMuWLfH6669jxYoVePjwIcaPH49u3bqhXbt2T/y+wMBA+Pv7o3///li0aBGaNm2KW7duYc+ePejfv/9TtyUiw8VARERGzcbGBr/++itWrFiBvLw8uLu7IzY2Fj179gQAPHjwAMuXL0dkZCQcHR3x2muvAXg0q/Tdd99h0qRJ6Nq1K2rVqoWXX34ZK1eufOr3yWQy7NmzB7NmzcLo0aPx999/Q6FQoGvXrnB2dtb6/hKRdvAqMyIiIpI83oeIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIiIgkj4GIiIiIJI+BiIiIiCSPgYiIiIgk7/8BdOCuduABYxAAAAAASUVORK5CYII=", "text/plain": [ "
" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAAAccAAAGZCAYAAAD8ePo1AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABLq0lEQVR4nO3dd3gU1f4G8HdLsptseiEVkkAIECAJLQhcelM6qAjqhVAU5SoIiqBIV5qi/ASxXC6RZgFRVECKIFiIgHRC6IEACamk1909vz8iK7tJgIRkZzd5P8/DQzI7M/vdknl3zp45RyaEECAiIiIDudQFEBERWRqGIxERkQmGIxERkQmGIxERkQmGIxERkQmGIxERkQmGIxERkQmGIxERkQmGIxERkQmGo4X7/PPPIZPJ8Ndff0ldSpXExcXh3//+Nxo2bAi1Wg0PDw+0bt0aL730ErKzs6Uu74HNnTsXMpkMaWlpNX5fK1asQHBwMGxtbSGTyZCZmVnj91lbLVy4EFu3bpW6DLJCDEeqMcePH0ebNm1w9uxZzJ49Gzt37sQnn3yC/v37Y9euXcjIyJC6RItz4sQJTJo0Cd27d8e+ffsQExMDR0dHqcuyWgxHqiql1AVQ9cjPz4e9vb3UZRhZvnw55HI59u/fb3SAf+KJJ7BgwQJwWN+yYmNjAQDPPfccIiMjJa6GqO7imaMVioqKgoODA06fPo0+ffrA0dERPXv2BABkZGRg4sSJ8PPzg62tLRo2bIiZM2eiqKjIaB8ymQwvvfQS1q9fj2bNmsHe3h7h4eHYtm2bYZ3ffvsNMpkMX375ZZka1q1bB5lMhiNHjlRYZ3p6OpycnODg4FDu7TKZzPBzt27d0KJFC/z222945JFHYGdnBz8/P8yaNQs6nc5ou+LiYrz99tto2rQpVCoVPD09MWbMGKSmppa5j6+//hodOnSARqOBg4MD+vbti+PHj5dZ79ChQxg4cCDc3d2hVqvRqFEjvPLKK2XWS05OxsiRI+Hs7AwvLy+MHTsWWVlZFT4Hd1uzZg3Cw8OhVqvh5uaGoUOHIi4uzug5ePbZZwEA7du3h0wmQ1RU1D33ee7cOYwcORJeXl5QqVRo0KABRo0aZfR6nzlzBoMHD4arqyvUajUiIiKwdu1ao/3s378fMpkMX3zxBaZPnw4fHx84ODhg4MCBSE5ORk5ODp5//nl4eHjAw8MDY8aMQW5urtE+7rynoqOj0aRJE9jZ2aFt27b4888/IYTAu+++i6CgIDg4OKBHjx64dOlSmcfz888/o2fPnnBycoK9vT06deqEvXv3Gq1zp4k7Njb2nq+FTCZDXl4e1q5dC5lMBplMhm7dugEo/TD52muvISgoyPB6tG3bttz3OtVRgixadHS0ACCOHDliWDZ69GhhY2MjAgMDxaJFi8TevXvFrl27REFBgQgLCxMajUa89957Yvfu3WLWrFlCqVSKfv36Ge0XgAgMDBSRkZFi06ZNYseOHaJbt25CqVSKy5cvG9Zr1aqV6NSpU5m62rVrJ9q1a3fP2t9++20BQIwcOVLs379f5OfnV7hu165dhbu7u/D19RUffvih2LVrl5g0aZIAIP7zn/8Y1tPpdOLRRx8VGo1GzJs3T+zZs0esXr1a+Pn5idDQUKP7eOedd4RMJhNjx44V27ZtE99++63o0KGD0Gg0IjY21rDezp07hY2NjQgLCxOff/652Ldvn1izZo0YMWKEYZ05c+YIAKJJkyZi9uzZYs+ePeL9998XKpVKjBkz5p7PgxBCLFy40PBcbN++Xaxbt040bNhQODs7iwsXLgghhIiNjRVvvfWWACCio6NFTEyMuHTpUoX7PHHihHBwcBCBgYHik08+EXv37hUbNmwQw4cPF9nZ2UIIIc6dOyccHR1Fo0aNxLp168T27dvFyJEjBQCxZMkSw75++eUXAUAEBASIqKgosXPnTvHJJ58IBwcH0b17d9G7d2/x2muvid27d4slS5YIhUIhXn75ZaN67mzfsWNH8e2334rvvvtOhISECDc3NzFlyhQxePBgsW3bNrFx40bh5eUlwsLChF6vN2y/fv16IZPJxJAhQ8S3334rfvzxRzFgwAChUCjEzz//XOnXIiYmRtjZ2Yl+/fqJmJgYERMTY3jdJ0yYIOzt7cX7778vfvnlF7Ft2zaxePFisWLFivu+llQ3MBwtXEXhCECsWbPGaN1PPvlEABCbNm0yWr5kyRIBQOzevduwDIDw8vIyHESFEOLWrVtCLpeLRYsWlbn/48ePG5YdPnxYABBr1669Z+2FhYViyJAhAoAAIBQKhWjVqpWYOXOmSElJMVq3a9euAoD4/vvvjZY/99xzQi6Xi2vXrgkhhPjyyy8FALFlyxaj9Y4cOSIAiFWrVgkhhEhISBBKpbLMATwnJ0d4e3uL4cOHG5Y1atRINGrUSBQUFFT4WO4ckJcuXWq0fOLEiUKtVhsd5E3dvn3bcJC+W0JCglCpVOLpp582LCvv9a5Ijx49hIuLS5nn8m4jRowQKpVKJCQkGC1/7LHHhL29vcjMzBRC/BOOAwcONFrvlVdeEQDEpEmTjJYPGTJEuLm5GS0DILy9vUVubq5h2datWwUAERERYfQcLV++XAAQp06dEkIIkZeXJ9zc3Mrcv06nE+Hh4SIyMtKwrDKvhUajEaNHjy7zvLRo0UIMGTKkzHKiO9isasUef/xxo9/37dsHjUaDJ554wmj5naY50+ap7t27G30X6OXlhXr16uHatWuGZSNHjkS9evXw0UcfGZatWLECnp6eeOqpp+5Zn0qlwnfffYezZ8/igw8+wIgRI5Camop33nkHzZo1w/nz543Wd3R0xKBBg4yWPf3009Dr9fj1118BANu2bYOLiwsGDhwIrVZr+BcREQFvb2/s378fALBr1y5otVqMGjXKaD21Wo2uXbsa1rtw4QIuX76McePGQa1W3/PxAChTX1hYGAoLC5GSklLhNjExMSgoKCjTRFq/fn306NGjzOvyIPLz83HgwAEMHz4cnp6eFa63b98+9OzZE/Xr1zdaHhUVhfz8fMTExBgtHzBggNHvzZo1AwD079+/zPKMjIwyTavdu3eHRqMps/1jjz1m1Ix+Z/md99rBgweRkZGB0aNHG71eer0ejz76KI4cOYK8vDyj+6rKa3FHZGQkfvrpJ8yYMQP79+9HQUHBfbehuoUdcqyUvb09nJycjJalp6fD29vb6CAEAPXq1YNSqUR6errRcnd39zL7ValURgcKlUqFCRMmYNmyZXj33XdRUlKCTZs2YerUqVCpVA9Ua7NmzQwHQyEEli9fjqlTp2LWrFnYtGmTYT0vL68y23p7exseG1D6nV9mZiZsbW3Lva87l1okJycDANq1a1fuenJ56efCO99T+vv7P9BjMX3O7jwH9zq43qndx8enzG2+vr7Ys2fPA9333W7fvg2dTnffutPT0yu837tru8PNzc3o9zvPc0XLCwsLjb5Trsr2wD+vl+kHu7tlZGQYBW9VXos7PvzwQ/j7++Prr7/GkiVLoFar0bdvX7z77rto3Ljxfben2o/haKVMAxAoPVgcOnQIQgij21NSUqDVauHh4VGl+3rxxRexePFirFmzBoWFhdBqtXjhhReqXPeUKVMwf/58nDlzxui2OwfIu926dQvAPwdCDw8PuLu7Y+fOneXu/86Z8J3H+s033yAgIKDCeu6cdd24caOSj+TB3ak9KSmpzG2JiYlVel3c3NygUCjuW7e7u3uF9wugyu+J6nanjhUrVuCRRx4pd53yPjxVlUajwbx58zBv3jwkJycbziIHDhyIc+fOVdv9kPViONYiPXv2xKZNm7B161YMHTrUsHzdunWG26vCx8cHTz75JFatWoXi4mIMHDgQDRo0uO92SUlJ5Z61JCYmIjs7G23atDFanpOTgx9++MGoueyLL76AXC5Hly5dAJQ2+3311VfQ6XRo3759hffdt29fKJVKXL58uUzz891CQkLQqFEjrFmzplJnw5XRoUMH2NnZYcOGDXjyyScNy2/cuIF9+/bd82ypInZ2dujatSs2b96Md955p8KQ69mzJ7777jskJiYazhaB0veEvb19hUFkbp06dYKLiwvOnj2Ll156qdr2a9oSUh4vLy9ERUXh5MmTWL58uUVeFkXmx3CsRUaNGoWPPvoIo0ePxtWrV9GyZUv8/vvvWLhwIfr164devXpVed+TJ082hFF0dPQDbfP8888jMzMTjz/+OFq0aAGFQoFz587hgw8+gFwux/Tp043Wd3d3x4svvoiEhASEhIRgx44d+O9//4sXX3zREMYjRozAxo0b0a9fP0yePBmRkZGwsbHBjRs38Msvv2Dw4MEYOnQoAgMDMX/+fMycORNXrlzBo48+CldXVyQnJ+Pw4cOGMwcA+OijjzBw4EA88sgjmDJlCho0aICEhATs2rULGzdurPJzdoeLiwtmzZqFN998E6NGjcLIkSORnp6OefPmQa1WY86cOVXa7/vvv49//etfaN++PWbMmIHg4GAkJyfjhx9+wKeffgpHR0fMmTMH27ZtQ/fu3TF79my4ublh48aN2L59O5YuXQpnZ+eHfnzVwcHBAStWrMDo0aORkZGBJ554AvXq1UNqaipOnjyJ1NRUfPzxx5Xeb8uWLbF//378+OOP8PHxgaOjI5o0aYL27dtjwIABCAsLg6urK+Li4rB+/Xp06NCBwUilpO4RRPdWUW9VjUZT7vrp6enihRdeED4+PkKpVIqAgADxxhtviMLCQqP1YHKJxB0BAQHl9u4TQojAwEDRrFmzB659165dYuzYsSI0NFQ4OzsLpVIpfHx8xLBhw0RMTIzRul27dhXNmzcX+/fvF23bthUqlUr4+PiIN998U5SUlBitW1JSIt577z0RHh4u1Gq1cHBwEE2bNhUTJkwQFy9eNFp369atonv37sLJyUmoVCoREBAgnnjiCaNLA4Qo7fb/2GOPCWdnZ6FSqUSjRo3ElClTDLff6SGZmppqtN2d1yc+Pv6+z8fq1atFWFiYsLW1Fc7OzmLw4MFGl5Tcvb8H6a0qhBBnz54VTz75pHB3dxe2traiQYMGIioqyuj1Pn36tBg4cKBwdnYWtra2Ijw8XERHRxvt505v1c2bNz9QPeU9H+W9p+Lj4wUA8e677z7Q/R04cED0799fuLm5CRsbG+Hn5yf69+9vtF5lXosTJ06ITp06CXt7ewFAdO3aVQghxIwZM0Tbtm2Fq6urUKlUomHDhmLKlCkiLS2tnGeZ6iKZEBymhO7v1KlTCA8Px0cffYSJEydW+/67deuGtLS0Mt9DEhFJgc2qdE+XL1/GtWvX8Oabb8LHx+e+I7YQEdUGvM6R7mnBggXo3bs3cnNzsXnzZn4fQ0R1AptViYiITPDMkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyATDkYiIyIRS6gKILFmRVoe8Ih3yirTIK9Yafs4v1iK3SPf3/1rkF+lK//97nRKdHrZKOVRKBVQ2ctgq5FDZlP5ub6uAo1oJJ7UNnOxs4KRW/v2/DVztbaBU8DMrkdQYjlTn5RZpcTUtD/FpeaX/p//z8+38ErPWopDL4OdihwB3ewR5aBDgrkGQhz0C3TWo72YPGwYnkVnIhBBC6iKIalpBsQ5X0+8Kv9Q8XE3PQ3xaPtJyi6Qu74FUFJwB7hoEuNnzjJOoGjEcqVZKySnE4fgMHI7PwKErGbiQkoPa/E63s1GgVQMXRAa5ITLQDa0DXKG2UUhdFpHVYjhSrZCYWYBD8ek4dKU0EK+k5UldkqRsFXK08HNCZJA72ge5oW2gKxzVNlKXRWQ1GI5kla6m5ZWG4d9nhzduF0hdkkWTy4Cm3k6IDHJD+yA3RAa5wd1BJXVZRBaL4UhWobBEh/3nU7DzzC3EXElHcrZ1fE9oyYLrOaBns3oYGOaLFn7OUpdDZFEYjmSxCop12HcuBTvOJOGXcynIL9ZJXVKt1chTgwFhvhgU4YtGng5Sl0MkOYYjWZQirQ5741Kw7VQifjmXioISBqK5hfo4YWC4LwaG+8Df1V7qcogkwXAki3Dkaga+PXYT208lIrtQK3U5BEAmA1rVd8HAcF/0D/NBPUe11CURmQ3DkSRzLT0PW47dxNbjN5GQkS91OXQPCrkM7YPcMDDcF/1a+sDZjj1fqXZjOJLZxVxOx6e/Xsb+86lSl0JVYG+rwOOt/TGmUyAa8vtJqqUYjmQWOr3AT2eS8NmvV3DqRpbU5VA1kMmAbiGeGNMpCF1CPKUuh6haMRypRhWW6LDpr+tY/Vs8m05rsRAvB4zpFIRhrf2gUnJkHrJ+DEeqERl5xVh78CrW/3kNGXnFUpdDZlLPUYVx/wrCs48EQKPivAZkvRiOVK0S0vPx39+uYPPR6ygs0UtdDknE2c4GozsGYkzHQLhqbKUuh6jSGI5ULU7fyMInBy5jZ+wt6PR8S1Epe1sFRkY2wAtdG8HTkcPVkfVgONJDuZVViMU/xeH7k4m1etYLejiOKiVe6hGMMZ2CYKvk1Fpk+RiOVCWFJTr899cr+PjAZQ7rRg8s0N0eM/uHoneol9SlEN0Tw5Eq7afTSVj4UxyuZ3AmDKqazo09MGtAKEK8HKUuhahcDEd6YOduZWPeD2cRcyVd6lKoFlDKZXimfQNM6R0CF3t22iHLwnCk+7qdV4xle87jy8PX2dmGqp2LvQ2m9ArBM+0bQKng95FkGRiOVCGtTo8Nf17DBz9fRFZBidTlUC0X4uWA2QOa41+NPaQuhYjhSOX7/WIa5m+LxYXkXKlLoTqmVzMvzBkYivpunC6LpMNwJCMFxTos2H4WXxxKkLoUqsMcVErMG9Qcj7fxl7oUqqMYjmQQm5iFSV8ex+XUPKlLIQIADAz3xdtDWnCKLDI7hiNBCIHVv8Xj3V3nUazjkG9kWfxc7LBseDgeaegudSlUhzAc67iU7EK8uvkkfruYJnUpRBWSy4AJXRthau8Q2LBHK5kBw7EO23M2GdO3nOKsGWQ1wvydsfypCE6yTDWO4VgHFZbosGDbWWxkpxuyQva2CswaEIqRkQ2kLoVqMYZjHRObmIXJX53ApRReokHWrW9zLyweFsYpsahGMBzrCCEE/vd7PJbuZKcbqj28nFR4f3gEOgVz4ACqXgzHOiC/WIvJX53AnrPJUpdCVO0UchlmDwjF6I6BUpdCtQjDsZZLzCzA+LV/4WxSttSlENWosZ2C8Fb/ZpDLZVKXQrUAw7EWO3E9E8+t+wupOUVSl0JkFn1CvfB/I1rBzlYhdSlk5RiOtdS2U4l4bfNJFJbw+0WqW8L9nbF6dDt4OqqkLoWsGMOxFlqx9yLe//kC+MpSXeXvaofPx7RDcD1OpkxVw3CsRXR6gbe2nsGXh3n9IpGTWolP/t0GHRuxJytVHsOxligs0eHlL4+zRyrRXWwUMiweFsbZPajSGI61QGZ+Mcat/QtHr92WuhQiizS5Z2NM6R0idRlkRRiOVu5mZgFGrznMEW+I7mNYaz8sHhYGWyUHLqf7YzhasatpeRjx2Z+4lV0odSlEVqFriCc+G9UGKiUv9aB740coK5WYWYBnVh9iMBJVwoELqZi44RiKtbzEie6N4WiFUnIK8czqQ7iZWSB1KURWZ++5FEzceAwlHGOY7oHhaGUy84vx79WHEZ+WJ3UpRFbr57hkvPTFMWgZkFQBhqMVyS3SYvSawzifnCN1KURWb1dsMiZ9dZwBSeViOFqJwhIdxn5+BCdvZEldClGtseP0LUz75hTYL5FMMRytQLFWj+fXH8Xh+AypSyGqdb47fhPzfjwrdRlkYRiOFk6nF5j05XH8eiFV6lKIaq3PD17F//18UeoyyIIwHC2YEAKvbT6JnbG3pC6FqNb74OcLWHvwqtRlkIVgOFqwt7aewXfHb0pdBlGdMffHWHx/gn9zxHC0WEt2nsPGQ5xdg8ichABe23wSBy+nSV0KSYzhaIF+PJmIj/dflroMojqpRCfw8hfHkZTFQTbqMoajhbmYnIPpW05JXQZRnZaeV4wXNhxDkVYndSkkEYajBckpLMGE9UeRX8w/SCKpnbyeibk/xEpdBkmE4WghhBB4ddNJXOGwcEQW48vD1/H1EX73XxcxHC3ExwcuY/fZZKnLICITs76PxcnrmVKXQWbGcLQAv19Mw7LdF6Qug4jKUazVY+LGY8jIK5a6FDIjhqPEbmYWYNJXx6HTc2xHIkt1M7MAL395jH+ndQjDUUJFWh1e3HCUn0iJrMAfl9KxdNc5qcsgM2E4SmjO97E4xVk2iKzGpweuYMfpJKnLIDNgOErk6yMJ+OrIdanLIKJKmrb5JC6lcE7V2o7hKIEzN7Mw63teP0VkjfKKdRwgoA5gOJqZVqfHtG9OoVjL2ceJrNWllFx8uJdTXNVmDEcz+/TXK4hLypa6DCJ6SJ8euIKzifxbrq0YjmYUn5bHT5tEtYRWLzDj21O8vKOWYjiaiRACb3x7CkVsTiWqNU7dyMKa3+OlLoNqAMPRTL4+ch1/XsmQugwiqmbv77mAhPR8qcugasZwNIOUnEIs3BEndRlEVAMKSnR44ztOM1fbMBzNYM73scgu1EpdBhHVkD8upWMTr1uuVRiONWxX7C38dOaW1GUQUQ17Z0ccUnIKpS6DqgnDsQZlF5Zg9vdnpC6DiMwgq6CEkyPXIgzHGrT4p3NIzi6SugwiMpMdp29hVyxbimoDhmMNORyfgS8PcwZxorpm9vdnkF1YInUZ9JAYjjVAq9PjjW9PQfDaYKI6Jzm7CP/3Mwf7sHYMxxrw1ZHruJyaJ3UZRCSRDX9ew60sds6xZgzHalZQrOMQcUR1XJFWjxX7eBywZgzHarbmj3ik5LATDlFdt+mv67iewZFzrBXDsRpl5Zfg0wOXpS6DiCxAiU5gOb97tFoMx2q06sAljoRDRAZbT9zE5dRcqcugKmA4VpPk7EKsPXhV6jKIyILo9AIf7LkgdRlUBQzHavLx/ssoLOF0VERkbPvpJJy7xUmRrQ3DsRqkZBfygn8iKpcQwLLdPHu0NgzHavDJgSucxJiIKrTnbDJO3ciUugyqBIbjQ0rNKcIXh69JXQYRWbj3ePZoVRiOD+m/v13hd41EdF+/XkjFkasZUpdBD4jh+BDSc4uw4U+eNRLRg1m2+7zUJdADYjg+hC8OJSC/WCd1GURkJf68koEzN7OkLoMeAMOxivR6ga+OXJe6DCKyMutj2NpkDRiOVfTrxVTczCyQugwisjLfn7yJrHzO92jpGI5VxOsaiagqCkv02PQXW50sHcOxClJyCrE3LkXqMojISm04dA2Cs6FbNIZjFWz+6wa0er6xiahqrqXnY/+FVKnLoHtgOFaSEAJfHWGTKhE9nI28DMyiMRwr6fdLabiewY44RPRw9p9PRUpOodRlUAUYjpXEjjhEVB20eoFvj92UugyqAMOxEtJyi7DnbLLUZRBRLbGZvVYtFsOxEjb/dQMlOnbEIaLqcTk1D0evcbxVS8RwfEBCCHzNjjhEVM02/3VD6hKoHAzHB3TwcjqupudLXQYR1TLbTiWhgGM0WxyG4wPaepxfnBNR9cst0uK3i7zm0dIwHB+AEIIX7BJRjfnlPEfcsjQMxwdw5mY2UnOKpC6DiGqpfecYjpaG4fgA+MYlopqUnF3EeR4tDMPxAexjkwcR1bBf+CHcojAc7yM9twinb2RKXQYR1XL8EG5ZGI73sf98KjgBBxHVtJPXM5Gey74NloLheB/sRUZE5qAXpR/GyTIwHO9Bpxf4lZdwEJGZsGnVcjAc7+HotdvILtRKXQYR1RG/XkiFVqeXugwCw/GeeAkHEZlTTqEWf127LXUZBIbjPbFrNRGZG487loHhWIHEzAKcT86RugwiqmP2MhwtAsOxAuw1RkRSuJSSi1tZhVKXUecxHCtw8nqm1CUQUR11mkPJSY7hWIHYJL45iUgasYk8/kiN4ViOEp0eF5JzpS6DiOqo2MRsqUuo8xiO5biUkotiLa81IiJpxLJZVXIMx3LwUxsRSSkxqxC384qlLqNOYziWg+39RCS1MzwOSYrhWA6eORKR1HgckhbD0YQQAnF8UxKRxBiO0mI4mrieUYCcIg42TkTSYqccaTEcTfD7RiKyBPHpecjjB3XJMBxNsCmDiCyBEMDZJB6PpMJwNMEzRyKyFGxalQ7D0QTPHInIUvB4JB2G411u5xUjJadI6jKIiAAAl1M5jKVUqjUco6KiMGTIkOrcpVndzCyQugQiIgN+WJeO2c4ci4stfyikJM6hRkQWJJXhKJkaC8du3brhpZdewtSpU+Hh4YHevXsDAA4cOIDIyEioVCr4+PhgxowZ0Gq1RttNmjQJr7/+Otzc3ODt7Y25c+cabh87diwGDBhgdF9arRbe3t5Ys2bNQ9V8K4tnjkRkOYq0emQVlEhdRp1Uo2eOa9euhVKpxB9//IFPP/0UN2/eRL9+/dCuXTucPHkSH3/8Mf73v//h7bffLrOdRqPBoUOHsHTpUsyfPx979uwBAIwfPx47d+5EUlKSYf0dO3YgNzcXw4cPf6h6eeZIRJaGZ4/SqNFwDA4OxtKlS9GkSRM0bdoUq1atQv369bFy5Uo0bdoUQ4YMwbx587Bs2TLo9f9MERUWFoY5c+agcePGGDVqFNq2bYu9e/cCADp27IgmTZpg/fr1hvWjo6Px5JNPwsHB4aHqvcVwJCILk5LD45IUqhyOmZmZWL16Nd544w1kZGQAANLT01FY+M8L2bZtW6Nt4uLi0KFDB8hkMsOyTp06ITc3Fzdu3DAsCwsLM9rOx8cHKSkpht/Hjx+P6OhoAEBKSgq2b9+OsWPHVvWhGPDMkYgsDc8cpaGsykanTp1Cr1694OzsjKtXr+K5556Dm5sbEhISDEEJABqNxmg7IYRRMN5ZBsBouY2NjdE6MpnM6Mxy1KhRmDFjBmJiYhATE4PAwEB07ty5Kg/FSDI/oRGRhWE4SqNK4Th16lRERUVh6dKlcHR0NCz38/PDxYsXK9wuNDQUW7ZsMQrJgwcPwtHREX5+fg98/+7u7hgyZAiio6MRExODMWPGVOVhlJHByUWrVcntJNz+5X8ounEWQlcCu6A2cOs9AQqNKwCgMOEUkr98s9xtvUe9D5VPCHQFOUjf/j4KE07Dxs0P7v0mw7ZeQ8N66btXwcbFG06Rw8zymIjMjeEojSo1qx45cgQTJkwos9ze3h5FRRW/kBMnTsT169fx8ssv49y5c/j+++8xZ84cTJ06FXJ55UoZP3481q5di7i4OIwePbrSj8GUTi+QzV5h1UZfXIiUTbMAmQxeIxfC+9l3IfRapGyZDyFKWwFUfs3g/5/1Rv8cwvpA4ewFW+/GAICsmK+hLy6AT9T/QVW/BdJ/WmG4j6KbcShOugDHtoMleYxE5sBrHaVRpXBUq9XIzi47rFF2djZsbW0r3M7Pzw87duzA4cOHER4ejhdeeAHjxo3DW2+9VekaevXqBR8fH/Tt2xe+vr6V3t5UZn4x9OKhd0N/K7p5FtqsFHj0mwJbz0DYegbCvd8rKE66iMJrpwAAMoUNFA6uhn9yO0fkXzoMh5a9DC0LJenXoWnWBTZufnAMfxQl6QkAAKHTIn33Krj1+Q9kcoVkj5OopvHMURpValYdPHgw5s+fj02bNgEo/U4wISEBaWlphjPK/fv3l7tt165dcfjw4Qr3Xd52W7duLbOsoKAAmZmZGDduXKXrL8/tfDapViehKz0Llyn++f5YprABZHIU3YiFXWBEmW3yLx2CviAbDi17GZbZ1gtC4bVTcAjvi4L4Y7DxDAQAZB36Bur6LaHyaVyjj4NIauytKo0qnTm+9957SE1NRb169VBQUICuXbsiODgYjo6OeOedd6q7RiN6vR6JiYmYNWsWnJ2dMWjQoGrZ7+18NqlWJ5VvU8hs1Li9Pxr6kkLoiwuRuX8NIPTQ5d4ud5vcU7uhDmoFpZOnYZnzI08CcgVufjoe+Rdj4P7YZJRk3ETemX1w7jQC6btW4uYn45C6dTH0RXnmenhEZsMzR2lU6czRyckJv//+O/bt24djx45Br9ejdevW6NWr1/03fkgJCQkICgqCv78/Pv/8cyiVVXoIZbAzTvVS2DvDc8gMZOxehZyjPwIyGTShXWHr1Qgo5/tlbXYaCuOPw2PwdKPlcpUGnoOmGS279eWbcO0+Fnmx+6HNTIbvc58ifecKZP7xJdx6jK/Rx0VkbpkFJSjW6mGr5DwR5lTpZNFqtVCr1Thx4gR69OiBHj161ERdFQoMDDRc/lGdOERT9bMLag2/Cauhy8+CTK6AXO2A6yufhb2zV5l1c0/vgdzOEfbB7e+5z9xTuyFXa2Df+BGkfPcO7Bs/AplCCfum/0LWbxtq6qEQSUYIILuwBB4OKqlLqVMq/VFEqVQiICAAOp2uJuqRjJ69cWqMwt4ZcrUDCq6dhD4vq0wACiGQd/pnODTvAZmi4s9ruvwsZB78Gm69/u4prddD6P8el1enNfSCJaptdDw+mV2VztPfeusto5FxagOTsQmoGuSe2oOim+dQcjsJubG/IG3rYji2Gwwbd3+j9QqvnYQ2KxkOYX3uub+Mnz+DU7shUDp6AABU/s2QF/sLStKuI+fkTqj8QmvssRBJSctwNLsqfWH34Ycf4tKlS/D19UVAQECZkXCOHTtWLcWZkwxMx+pWknETt39dC31BLpTO9eDcYTgc2w0ps17uqT1Q+TWDjUf9CvdVcOUotJlJ8Bj4qmGZY+sBKE66hKT1U6HyCYFLp5E18TCIJKfTMRzNrUrhaM0TGpP5uHaLgmu3qPuuZ9rhpjx2DdvArmEbo2VyGzU8h8yoanlEVkOr51cG5lalcJwzZ0511yE9njgSkYXid47m91DXQRw9ehRxcXGQyWQIDQ1Fq1atqqsus2M2EpGlKmGzqtlVKRxTUlIwYsQI7N+/Hy4uLhBCICsrC927d8dXX30FT0/P+++EqBZzttGij3saOmoSESq/Bt+ieCh1HOmEqkYuXwPASeoy6pQqhePLL7+M7OxsxMbGolmzZgCAs2fPYvTo0Zg0aRK+/PLLai3SHEyn0iJ6GFklSmy+5Y3N8AbQGjZygc6ut9HV6RbClQkIKLkM56zzkBekSV0qWQNZ7bp0zhrIRBWuqHd2dsbPP/+Mdu3aGS0/fPgw+vTpg8zMzOqqz2y2HL2BVzeflLoMqmNaOOaip0sK2qpvIFgfD4/cC1BmXYUMbEaju/znCOAZInUVdUqVzhz1en2ZCYmB0kmK9exVRfTAzuQ44EyOA4CGALoAADxtS9DbPRUd7EubZH0KLsAu8yJkWjbLWopv40qw8LciXMrQo0QPNHaT49UOtvh3+D+zEm08VYIZewuRVywwrpUt3u2jNtx2NVOPPuvz8dfzGjipHqDVijPPmF2VwrFHjx6YPHkyvvzyS8N0UTdv3sSUKVPQs2fPai3QXNiqSpYitdgGXyT54gv4AmgLAFDJ9ejqdhudHZMQpryOgJLLcMo6B3lB7RmIw5q42ckws7MKTT3ksFXIsO1CCcZ8X4h6Gjn6BiuRlq/H+B8L8PlgOzR0laP/F/noFqhA/5DSk4oXtxdgcS/VgwUjwHCUQJXCceXKlRg8eDACAwNRv359w5RVLVu2xIYNHN+SqLoV6eXYneaO3WnuAFoYlrd0zEUv1xS0VV1HI90VuOdegDI7gc2yNaxboPGhc/IjKqw9WYLfE7ToG6zEldsCzioZnmpRGobdgxQ4m6pH/xDgi9MlsFXIMKxZ2da3CsmrZ4IFenBVesbr16+PY8eOYc+ePTh37hyEEAgNDTXLrBw1hWeOZI1O5zjgtKFZtisAwFtV/Hez7E00xTX4FFyEOvMiZDpOfVQThBDYF6/D+XQ9lvQqPaQ2dpMjv0TgeJIOAS5yHLmpw9gIW2QUCMz+pRC/jNbcZ68mGI5mV6UOObXR9yduYvJXJ6Qug6hGqOR6dHe/jS4OiWipTECD4stwzDoPeWH5c2vS/WUVCvi9n4MiHaCQAav6qzG21T/fOX4XV4LZ+4tQUCLwbJgN5nZTY+z3BQj3kqOVjwKTdxaiRAfM7abCE6H3OYuccR1Q81IOc6rSx5FJkyYhODgYkyZNMlq+cuVKXLp0CcuXL6+O2szKTWN7/5WIrFSRXo6dqe7YmeoOoKVheSunHPRwSUYb1Q001MXDI/cclNnXpSvUijiqgBMvOCC3WGDvFS2m7ipEQ1e5ocl1aDMbDL2r6XT/VS1Op+iwsp8awR/m4svH7eDtIEPk6jx0CVCgnqaCeSAUtgxGCVQpHLds2YIffvihzPKOHTti8eLFVhmO9RzV91+JqJY5nu2I49mOAIIBdAMA+KiL0cctBY/83SzrbWiW5YTgd5PLZAh2K/0+JsJbgbg0PRb9XlTm+0gAKNIKTNxeiA3D7HApQw+tHuj693oh7nIcuqHDwCYVhKOdW409BqpYlaasSk9Ph7Ozc5nlTk5OSEuzzouavZw4kSgRACQV2mJtoj9evNQe3S8NR7ObMxFa+D+86PghvvB9A2fqP4Msr/YQqrLHgLpMCKBIW/5tC34twmPBSrT2UUCnN56CqkQH3HN0OHv3h64tKioKMpkMixcvNlq+detWsw6AIpPJsHXrVrPd38Oo0pljcHAwdu7ciZdeeslo+U8//YSGDRtWS2Hm5mJvC1ulHMVaXqdJZKpAp8BPqR74KdUDdzfLtnHKQQ/XW2htewMNdVfgnnMeypwb0hVqJot+K0JbXwUauclRrBPYcVGLdadK8HH/si1QsSk6fB2rxYkJpZ1wmnrIIZfJ8L9jxfB2kOFcmh7tfO9xqYZ99Zw5qtVqLFmyBBMmTICrq2u17LO6lZSUlHsNvRSqdOY4depUvP7665gzZw4OHDiAAwcOYPbs2Zg+fTqmTJlS3TWajacDzx6JKuNotiPevdYYIy92R/sr4xCcuhT/QjTmuy/BLv9JuOo/CIVuzSDklnHAqy55JQITdxSi+apcdPxfHr45q8WGoXYY39q474IQAs9vK8QHfVXQ2JaeodnZyPD5EDXm/1qEcT8UYmU/Nfyc7nEoroYzRwDo1asXvL29sWjRogrX2bJlC5o3bw6VSoXAwEAsW7bM6PbAwEAsXLgQY8eOhaOjIxo0aIDPPvusSvVcvXoVMpkMmzZtQrdu3aBWq7Fhwwbo9XrMnz8f/v7+UKlUiIiIwM6dO8ts9+2336J79+6wt7dHeHg4YmJiAAB5eXlwcnLCN998Y3R/P/74IzQaDXJych6ovir3Vv3444/xzjvvIDExEQAQFBSEOXPmYNSoUVXZnUUYuuoPHE/IlLoMolpHo9Cju1s6OjsmoYXiGuoXX4Zj5jnIirKlLs3ytR0LDPjgoXYRFRWFzMxMjB49Gk8//TQuXrwIf39/bN26FUOHDoUQAkePHkVkZCTmzp2Lp556CgcPHsTEiROxatUqREVFASgNx5ycHCxYsAB9+vTBN998g5kzZyI2NhZNmza9bx0ymQzfffcdhgwZgqtXryIoKMgQwq1atYJKpcLXX3+NuXPn4tNPP0WrVq2wZs0afPDBB4iNjUXjxo0N2zVt2hTvvfceGjdujJkzZ+LIkSO4dOkSlEolnn/+edy8eRPbt2833PewYcPg6OiItWvXPtBzVqVwLCgogBAC9vb2SE1NRXJyMvbs2YPQ0FD07du3sruzGBPW/4VdsclSl0FUZ0S6ZKOH8y20+rtZ1jXnPJQ5N6Uuy7J0exPoNv2hdnEnHLdu3YoOHTogNDQU//vf/4zC8ZlnnkFqaip2795t2O7111/H9u3bERsbC6A0HDt37oz169cDKD0z9vb2xrx58/DCCy/ct47ywnH58uWYPHmyYR0/Pz/85z//wZtvvmlYFhkZiXbt2uGjjz4ybLd69WqMGzcOQOnEF82bN0dcXByaNm2Kw4cPo2PHjkhISICvry/S0tLg6+uLPXv2oGvXrg/0nFWpWXXw4MFYt24dgNLxVHv16oX3338fQ4YMwccff1yVXVoE9lglMq/DmU5YfC0ET13sgXZXxiM49V10ka3B2+5LsNt/Eq75D0KhWxOIunwRvJNvte5uyZIlWLt2Lc6ePWu0PC4uDp06dTJa1qlTJ1y8eBE63T+zgoSFhRl+lslk8Pb2RkpKSpXradu2reHn7OxsJCYmlltHXFyc0bK76/Dx8QEAQx2RkZFo3ry5IafWr1+PBg0aoEuXLg9cV5XC8dixY+jcuTMA4JtvvoGXlxeuXbuGdevW4cMPP6zKLi1CPUd+50gktYQCNVbfrI/nLz2CrpdGoGniHLQojsZk5+XY7Ps64uqPQE69thC2DlKXah7VHI5dunRB3759jc7MgNKzQNOeq+U1LJp2mJHJZA814YRGU3a0oPLqMF12dx13bru7jvHjxyM6OhoAEB0djTFjxlSqZ26VPo7l5+fD0dERALB7924MGzYMcrkcjzzyCK5du1aVXVqEerycg8gi5WkV+D65Hr5HPQARAACZTKC9cza6Oyejle11NNRehmvOeShykySttdpVczgCwOLFixEREYGQkH+mwQoNDcXvv/9utN7BgwcREhIChcI8A587OTnB19cXv//+u9FZ3sGDBxEZGVmpfT377LN4/fXX8eGHHyI2NhajR4+u1PZVvpTjTlv1rl27DD1UU1JS4ORkvSM5sFmVyHoIIcOfmc74M9MZQAiA0hmBGtoXopdbMiLVNxGCq/DKuwjbzEuQCSudMLgGwrFly5Z45plnsGLFCsOyV199Fe3atcOCBQvw1FNPISYmBitXrsSqVauq/f7vZdq0aZgzZw4aNWqEiIgIREdH48SJE9i4cWOl9uPq6ophw4Zh2rRp6NOnD/z9/Su1fZXCcfbs2Xj66acNU1R16NABQOlZZKtWraqyS4vgyWZVIqt3JV+Nz/ID8BkCAHQEADgqtejtnoFODjfRXJ4A/6JL0GSeg6w4T9pi78fWEVDXzGALCxYswKZNmwy/t27dGps2bcLs2bOxYMEC+Pj4YP78+YaequYyadIkZGdn49VXX0VKSgpCQ0Pxww8/oHHjxpXe17hx4/DFF19g7Nixld62ypdy3Lp1C0lJSQgPD4dcXvrV5eHDh+Hk5PRAXXotUUpOISLf2St1GURkBjKZQEeXLHRzvoVWNtcRqL0C1+zzUOTdkrq0f3g0AV46LHUVVmvjxo2YPHkyEhMTYWtbufGzq9wFzNvbG97e3kbLKtsmbGk8NCrYKGQouedYTkRUGwghwx+3XfDHbRcA/3ygb6wpQC+3ZLRT30SIuArPvAuwzbwiTbOsR+XPlqi0X0x8fDwWLVqECRMmVDoYgYcIx9pILpchuJ4j4pJ4YTJRXXUxzw4X8wLxMQIBlF5S4GyjRW+3NHR0SEJz+TX4FV6CJvM8ZCU13Cxbr1nN7r8aLVy4EAsXLiz3ts6dO+Onn34yWy1Lly7FO++8gy5duuCNN96o0j44n6OJaZtPYvPR2j82JBE9HIVMj3+5ZqGL8y1EKEubZV2yz0GRV/Vr/sp4Yg3Q4vHq218NysjIQEZGRrm32dnZwc/Pz8wVPRyGo4m1B69izg+xUpdBRFYqRFOAXq7JaGd3EyH6K/DMuwCbrHjIRBWuBZz4p1WdPdYmbFY10cLPei9FISLpXcizw4W8QOCuZllXGy16u6ehoyYRofJr8Cu8CPvMC5CV5Fe8I4Ut4B5shoqpPAxHE6E+zpDLAD3Pp4momtwuUWLTLW9sgjeA1gBKm2U7u5b2lg1XJiCg5DJcss9Bnv/3nLjuwYCids1mYk0YjibsbBVo6OmASym5UpdCRLWYTsixP8MV+zNcAfzTdNrUIR+9XZPRpaEz2klXXp1XpbFVa7sWvmxaJSJpnMu1x4rrQTip6XT/lanGMBzL0cKvZkakICJ6UC15HJIUw7EczX35piQi6chl/JAuNYZjOZr7OaESM5sQEVWrRp4O0KjYJURKDMdyOKlt0MDNXuoyiKiOaunPs0apMRwr0IJNq0QkkTA2qUqO4ViB5hwMgIgk0qqBq9Ql1HkMxwpE1HeRugQiqoPcNbbsqWoBGI4VaBPgCjsbhdRlEFEd0yXEE3I5ewRKjeFYAZVSgUcaukldBhHVMd2aeEpdAoHheE9dQ/gmJSLzUchlPO5YCIbjPXThm5SIzCiivgtc7Cs/az1VP4bjPTT0dEB9NzupyyCiOqI7m1QtBsPxPro05puViMyjW5N6UpdAf2M43kePpnyzElHN83JScTxVC8JwvI9OwR6wt+UlHURUs9gRx7IwHO9DbaPgm5aIalx3NqlaFIbjA+jT3EvqEoioFlPKZfhXYw+py6C7MBwfQI+mXlByxAoiqiFtAlzhqLaRugy6C8PxATjb2eCRhu5Sl0FEtVR3dvyzOAzHB9SXTatEVAPkMmBguK/UZZAJhuMD6tfSB7YKPl1EVL06N/aEnwsHG7E0PNo/IHcHFfq28Ja6DCKqZUZG1pe6BCoHw7ESnmnfQOoSiKgW8XBQoWczfmVjiRiOlfBIQ3c08tRIXQYR1RJPtPGHDb+usUh8VSppZCTPHono4clkwIh2bFK1VAzHSnqyTX2olHzaiOjhdGjojkAPtkRZKh7lK8nZ3gb9W/pIXQYRWbkRbIWyaAzHKniaHXOI6CG42tvw2mkLx3CsgraBbmji5Sh1GURkpYa19odKydl+LBnDsYp49khEVcVrGy0fw7GKhrb2g50NP/kRUeW0DXBFcD22PFk6hmMVOaltMDCcHXOIqHJ4OZh1YDg+hKfbB0hdAhFZEW8nNQbwQ7VVYDg+hIj6Lmgf5CZ1GURkJf7TI5gdcawEw/EhTevbROoSiMgK+LnY4am27IhjLRiOD6ltoBu6NfGUugwisnAv9wiGLUfXshp8parBa3149khEFWvgZo8n2vhLXQZVAsOxGrTwc8ajzTnXIxGVb1LPxlBy9g2rwlermrzaJwRymdRVEJGlaeipwdBWflKXQZXEcKwmjb0cMTiCfwBEZGxyz8ZQ8JOz1WE4VqNXejWGkn8ERPS3EC8HDAzzlboMqgKGYzUKcNfgSXbVJqK/Te4ZAjk/MFslhmM1m9ST3bWJCGjm44R+LdlRz1rxKF7NfJzt8CyHlSOq817p1RgyGc8arRXDsQZM7N4I9rYcIoqorgr3d0ZfXt5l1RiONcDDQYXxnRtKXQYRSUAuAxYMaSF1GfSQGI415D/dG6Ghp0bqMojIzJ5pH4Awfxepy6CHxHCsISqlAkseDwO/ciCqOzwdVZj2KIeTrA0YjjWoXaAbO+cQ1SFv9W8GJ7WN1GVQNWA41rDpjzWFr7Na6jKIqIZ1CnbnKFm1CMOxhjmolHhnaEupyyCiGmSrlGP+YHbCqU0YjmbQvWk9DI7gEFJEtdUrvRqjkaeD1GVQNWI4msmcgc3hprGVugwiqmZh/s6Y0KWR1GVQNWM4mombxhZzBoZKXQYRVSNbhRzvPhHOWTdqIYajGQ2O8EOPpvWkLoOIqslLPYLRxNtR6jKoBjAczeydoS3goFJKXQYRPaRQHydM7Mbm1NqK4WhmPs52mP5YU6nLIKKHYKuU490nw6BU8BBaW/GVlcCz7Rugc2MPqcsgoiqaP6g5mvs6S10G1SCGowRkMhmWPxUBbycODkBkbZ5qWx8jIhtIXQbVMIajRNwdVFj5dCso2cuNyGq09HPGvMHNpS6DzIDhKKG2gW6Y/ii/fySyBq72Nvj42dZQ23Cu1rqA4Six57o0RN/mXlKXQUT3IJcBy0e0gr+rvdSlkJkwHC3Au0+GI9Cdf3RElmpyzxB0DfGUugwyI4ajBXBS2+DTf7eFxpbNNUSWpkfTepjUM1jqMsjMGI4Woom3Iz54KoKTIxNZkAZu9vhgeARk/MOscxiOFqRPc29M7RUidRlEBEBtI8fHz7aGsz0nL66LGI4W5uWejdG/pY/UZRDVeW8PackL/eswhqMFeu/JcIT6OEldBlGdNapDAJ5o4y91GSQhhqMFsrNV4L+j28LHmSPoEJnboHBfzB3IC/3rOoajhfJzscPG8e3h4aCSuhSiOqNXMy+8Pzwcco5cVecxHC1YQ08HbBzfHq7sEEBU4zoFu+OjZ1pxpg0CwHC0eE28HbFubHs4qjkHJFFNad3ABf8d1RYqJa81plIMRyvQ0t8Zn49pB3sOEkBU7Zr5OCF6TCTsbfkBlP7BcLQSbQLcsHp0W6iUfMmIqktDTw3Wj4uEsx2/uiBjPNJakY6NPPDJv9vAlt+JED00dnqje+FR1sp0b1IPH47kPJBED6OeowpfPNcePs52UpdCForhaIUebeGNZcPDwXwkqjxXextsGN8eAe4aqUshC8ZwtFKDI/ywaFhLDlROVAmOKiXWjo1EiJej1KWQhWP3LCv2VLsGKNYJzPn+DPRC6mqILJuPsxrRY9qhqTeHZqT7kwkheFi1crtib+GVr06goEQndSlEFqmZjxOio9rBm0My0gNiONYSJ69nYtzav5CWWyR1KUQWpXNjD3z8bBs4qNhQRg+O4ViL3Lidj7GfH8GF5FypSyGyCE+28ceiYS05JBxVGsOxlskuLMF/Nh7DbxfTpC6FSFJTeoVgcq/GUpdBVorhWAtpdXrM/O4Mvv7rutSlEJmdjUKGxcPC8DjnY6SHwHCsxT765RLe230efIWprnBUK/HJs23QKdhD6lLIyjEca7kfTybitc0nUaTVS10KUY3ydVYjekwkmnjzGkZ6eAzHOuDotQw8t+4oMvKKpS6FqEaE+jghekw7eDnxUg2qHgzHOuJaeh7Grf0Ll1LYk5Vql6Gt/PD2kBbQ8FINqkYMxzqkoFiHt7efxcZDCVKXQvTQ7GwUmDe4OYa3rS91KVQLMRzroJ/PJmP6llNIZzMrWakmXo746JlWCK7H7xepZjAc66jUnCJM++Yk9p9PlboUokoZ0a4+5g5qDrWNQupSqBZjONZx62KuYuGOOBSWsDcrWTZnOxu8PaQFBob7Sl0K1QEMR8LF5BxM/uoEziZlS10KUbk6N/bAu0+Ec+BwMhuGIwEAirV6LNt9Hp/9doWDBpDFUNvIMePRphjdMRAyTl5KZsRwJCMHL6fh1U0nkZRVKHUpVMe19HPGB09FILieg9SlUB3EcKQysvJLMHPraWw7lSR1KVQH2dsq8J/uwXi+S0PYcDYNkgjDkSr0y7kUzPsxFlfT86UuheqIIRG+mPFYM363SJJjONI9FWl1WP1bPFbuu4SCEp3U5VAt1dLPGXMHhaJNgJvUpRABYDjSA0rMLMDb289ix+lbUpdCtYiHgy2m9W2CJ9vUh1zODjdkORiOVCl/XErDgm1nce5WjtSlkBWzUcgwqkMgJvdqDCe1jdTlEJXBcKRK0+sFvjl2A+/vvoBb2ezVSpXTJcQTsweEshcqWTSGI1VZQbEOq3+7gk9/vYLcIq3U5ZCFC3S3x1v9Q9Er1EvqUojuy2LDUa/Xo7iYA2Nbg9t5xVgbcxU7TidBpy/7dtIL4HahHoVai3yrUQ3zdlJjfOcgjOoQCFslL80g62CR4VhcXIz4+Hjo9Rzv05ro9AK5RVrkFWlhnJECJTqBvVdy8W1cHizuDUc1IsTLAc93aYTBEb68XpGsjsXNDiqEQFJSEhQKBerXrw+5nH9U1kan1yOroAS380qg1esBISC0xRhgWzqLwpa4PIkrpJoUGeiGCV0bokfTehzyjayWxYWjVqtFfn4+fH19YW9vL3U5VEUae8DHTSCzoARpOUUoKFHB1Q3o2VCH7Rfz2cRay8hlQO9QL0zo2gitG7hKXQ7RQ7O4cNTpSi80t7W1lbgSelgymQyu9rZwtbdFbmEJkjJ0sFHI4KqWIymXAwrUBrZKOR5v7YfnOjdEQ0/2PqXaw+LC8Q42x9QuDmob1HfToCBDjUdbeGPjkSQU6/idsrVyUivxzCMBGNMpEPUcOdQb1T4WG45UO9ko5Jj+aFO82KMpPj94Fd8cvYGUnCKpy6IHIJMB7QLcMDDCF0Nb+cFBxcMH1V58d5Mk6jmp8fqjTfFanyY4FJ+BH08lYueZW8jI4+U7lqaZjxMGR/hiULgvfF3spC6HyCysJhwDZ2w36/1dXdy/UutHRUUhMzMTW7durZmCaim5XIYOjdzRoZE75g9qjj8up2PbyUTsir2F7EIOLCCVAHd7DAr3xeAIXwTXc5S6HCKzs5pwtGbFxcXsYPQAlAo5uoZ4omuIJ94Z2hIHLqRi26lE/Hw2GXnF7MBT0zwdVRgQ5oNB4b5oxR6nVMcxHGtAt27d0KJFC9ja2mLdunVo3rw5Dhw4gAMHDmDatGk4efIk3NzcMHr0aLz99ttQKpWG7cLCwqBWq7F69WrY2trihRdewNy5cwEAY8eORUpKCrZt22a4L61WC39/fyxcuBBjx46V4uHWCFulHL1DvdA71AuFJTrsjUvBtlOJ2HcuBUVaduSpLk5qJfo298bgCD90aOQOBWfGIALAcKwxa9euxYsvvog//vgDQgjcvHkT/fr1Q1RUFNatW4dz587hueeeg1qtNoTfne2mTp2KQ4cOISYmBlFRUejUqRN69+6N8ePHo0uXLkhKSoKPjw8AYMeOHcjNzcXw4cMleqQ1T22jQP8wH/QP80FukRa/X0zF4fjbOHw1HXFJOeUOWUfls1XI0aqBC/4V7IGOwR4I93eGkqPXEJXBcKwhwcHBWLp0qeH3mTNnon79+li5ciVkMhmaNm2KxMRETJ8+HbNnzzaMBBQWFoY5c+YAABo3boyVK1di79696N27Nzp27IgmTZpg/fr1eP311wEA0dHRePLJJ+HgUDeuMXNQKfFoCx882qL0w0FukRZHr93GkfgMHL6agZPXM3lmeRelXIZQXyd0aOiOTsEeaBfoBru/RyoioooxHGtI27ZtjX6Pi4tDhw4djK7f7NSpE3Jzc3Hjxg00aNAAQGk43s3HxwcpKSmG38ePH4/PPvsMr7/+OlJSUrB9+3bs3bu3Bh+JZXNQKQ3fUwJAkVaHUzeycDg+A0euZuDo1dvIqUMzhjiplWgd4Iq2Aa5oHeCKiPousLflnzlRZfGvpoZoNBqj34UQZQY2uDPm+93LbWyMJ36VyWRGA7CPGjUKM2bMQExMDGJiYhAYGIjOnTtXd/lWS6VUoF2gG9oFugEonXsy7lY2jsRn4GxSNi6l5OJyah6yCkokrvTh2NkoEOBuj4aeGgR5aBDk4YCWfs4I8XLgABpE1YDhaCahoaHYsmWLUUgePHgQjo6O8PPze+D9uLu7Y8iQIYiOjkZMTAzGjBlTUyXXCnK5DM19ndHc19loeVpuES7/HZSXU3NxLT0fNzMLcON2PnIs5BISG4UM9V3t/w4/DQI9NGjooUGQpwbeTmqGIFENYjiaycSJE7F8+XK8/PLLeOmll3D+/HnMmTMHU6dOrfTMI+PHj8eAAQOg0+kwevToGqq4dvNwUMHDQYX2Dd3L3JZVUIKbt0uD8mZmAW7nl6CgWIv8Yh0KinXIu+vn/GIdCkp0yCvSlv5eoivTQcjORgGNSgkHVen/GpUSjn//f/dyh79/93ZSI8hDA39XO3aWIZKI1YRjZS/KtzR+fn7YsWMHpk2bhvDwcLi5uWHcuHF46623Kr2vXr16wcfHB82bN4evr28NVFu3OdvZwNnOBqG+TlXavkhbGpxyuQwaWyUvjyCyQhY32XFhYSHi4+MRFBQEtZoDGpfnzpRea9aswbBhw6Qu54HxtSUia2E1Z44E6PV63Lp1C8uWLYOzszMGDRokdUlERLUSw9GKJCQkICgoCP7+/vj8888NI+sQEVH14tHVigQGBsLCWsGJiGoldoUjIiIywXAkIiIywXAkIiIywXAkIiIywXAkIiIywXAkIiIywXAkIiIyYT3XOc51vv861Xp/WZVaPSoqCmvXrsWiRYswY8YMw/KtW7di6NChZrs+USaT4bvvvsOQIUPMcn9ERLURzxyrkVqtxpIlS3D79m2pS6lQSYl1z2NIRGQODMdq1KtXL3h7e2PRokUVrrNlyxY0b94cKpUKgYGBWLZsmdHtgYGBWLhwIcaOHQtHR0c0aNAAn332WZXquXr1KmQyGTZt2oRu3bpBrVZjw4YN0Ov1mD9/Pvz9/aFSqRAREYGdO3eW2e7bb79F9+7dYW9vj/DwcMTExAAA8vLy4OTkhG+++cbo/n788UdoNBrk5ORUqV4iIkvBcKxGCoUCCxcuxIoVK3Djxo0ytx89ehTDhw/HiBEjcPr0acydOxezZs3C559/brTesmXL0LZtWxw/fhwTJ07Eiy++iHPnzlW5runTp2PSpEmIi4tD37598X//939YtmwZ3nvvPZw6dQp9+/bFoEGDcPHiRaPtZs6ciddeew0nTpxASEgIRo4cCa1WC41GgxEjRiA6Otpo/ejoaDzxxBNwdHSscq1ERJaA4VjNhg4dioiICMyZM6fMbe+//z569uyJWbNmISQkBFFRUXjppZfw7rvvGq3Xr18/TJw4EcHBwZg+fTo8PDywf//+Ktf0yiuvYNiwYQgKCoKvry/ee+89TJ8+HSNGjECTJk2wZMkSREREYPny5Ubbvfbaa+jfvz9CQkIwb948XLt2DZcuXQJQOuHyrl27kJiYCABIS0vDtm3bMHbs2CrXSURkKRiONWDJkiVYu3Ytzp49a7Q8Li4OnTp1MlrWqVMnXLx4ETqdzrAsLCzM8LNMJoO3tzdSUlKqXE/btm0NP2dnZyMxMbHcOuLi4oyW3V2Hj48PABjqiIyMRPPmzbFu3ToAwPr169GgQQN06dKlynUSEVkKhmMN6NKlC/r27Ys333zTaLkQAjKZrMwyUzY2Nka/y2Qy6PX6Ktej0WjKLCuvDtNld9dx57a76xg/fryhaTU6Ohpjxowpsw8iImvEcKwhixcvxo8//oiDBw8aloWGhuL33383Wu/gwYMICQmBQqEwS11OTk7w9fUtt45mzZpVal/PPvssEhIS8OGHHyI2NhajR4+uzlKJiCRjPdc5WpmWLVvimWeewYoVKwzLXn31VbRr1w4LFizAU089hZiYGKxcuRKrVq0ya23Tpk3DnDlz0KhRI0RERCA6OhonTpzAxo0bK7UfV1dXDBs2DNOmTUOfPn3g7+9fQxUTEZmX9YRjJS/KtwQLFizApk2bDL+3bt0amzZtwuzZs7FgwQL4+Phg/vz5iIqKMmtdkyZNQnZ2Nl599VWkpKQgNDQUP/zwAxo3blzpfY0bNw5ffPEFO+IQUa0iExY2tXxhYSHi4+MRFBQEtVotdTl0Hxs3bsTkyZORmJgIW1vbe67L15aIrIX1nDmSRcnPz0d8fDwWLVqECRMm3DcYiYisCTvkWJGFCxfCwcGh3H+PPfaYWWtZunQpIiIi4OXlhTfeeMOs901EVNPYrGpFMjIykJGRUe5tdnZ28PPzM3NFlcPXloisBZtVrYibmxvc3NykLoOIqNaz2GZVCzuhpWrA15SIrIXFheOdi+GLi4slroSqW35+PoCyIwAREVkai2tWVSqVsLe3R2pqKmxsbCCXW1x+UyUJIZCfn4+UlBS4uLiYbTQgIqKqsrgOOUDpWWN8fPxDjSdKlsfFxQXe3t4cf5WILJ5FhiNQOsA1m1ZrDxsbG54xEpHVsNhwJCIikgq/0CMiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLBcCQiIjLx/994WDscEjnaAAAAAElFTkSuQmCC", "text/plain": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "# convert the list into dataframe\n", "df_irony = pd.DataFrame(irony_comments)\n", "# LABEL_0 :-> Normal and LABEL_1 :-> Abusive\n", "#df_hate_title.head()\n", "df_irony[\"label\"]=df_irony[\"label\"].replace([\"LABEL_0\", \"LABEL_1\"], [\"Irony\", \"Non_Irony\"])\n", "df_irony.plot(kind='hist', x = 'label', y = 'score', title = 'Hate Speech in News Title')\n", "sns.histplot(data=df_irony, x=\"score\", hue=\"label\", multiple=\"stack\", bins=25, alpha=0.25)\n", "\n", "# Plot the Real News Content data - Pie Chart\n", "df_irony.groupby(['label']).sum().plot(kind='pie', y='score', autopct='%20.0f%%', title='Irony Speech of comments')" ] }, { "cell_type": "code", "execution_count": 215, "id": "963cc4af-3f24-43a1-ada2-66c3f2056d82", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
labelscore
0Irony0.524725
1Irony0.512254
2Irony0.518776
3Irony0.512042
4Irony0.531399
.........
5107Irony0.528378
5108Irony0.510602
5109Irony0.526675
5110Irony0.508769
5111Irony0.506279
\n", "

5112 rows × 2 columns

\n", "
" ], "text/plain": [ " label score\n", "0 Irony 0.524725\n", "1 Irony 0.512254\n", "2 Irony 0.518776\n", "3 Irony 0.512042\n", "4 Irony 0.531399\n", "... ... ...\n", "5107 Irony 0.528378\n", "5108 Irony 0.510602\n", "5109 Irony 0.526675\n", "5110 Irony 0.508769\n", "5111 Irony 0.506279\n", "\n", "[5112 rows x 2 columns]" ] }, "execution_count": 215, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_irony" ] }, { "cell_type": "code", "execution_count": 216, "id": "abe0fcc9-4b44-42cf-b4c9-dc963910b554", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর1
21গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।...1
32বাহ ... পাচ্ছি সত্যিই দোষী দোষী সাব্যস্ত#নোটপ্...1
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1
54থান্ডার 830 জেগে উঠলে ভালবাসুন1
............
51085107আলগা পিরিতি। জেলার মানুষ কষ্ট করতেছে খবর নেই।0
51095108ফেইসবুক ছাড়া আপনাদের কোথাও মেলেনা।0
51105109ঢাকাই বকবক ছাড়া বকবক পাটির দল?0
51115110সংবাদ পড়া বাদ দিয়ে মানুষের পাশে দাঁড়ান।0
51125111কার বাবা কার সন্তান হবে, জন্মের রেস প্রতিযোগিত...0
\n", "

5112 rows × 3 columns

\n", "
" ], "text/plain": [ " id comments label\n", "1 0 মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর 1\n", "2 1 গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।... 1\n", "3 2 বাহ ... পাচ্ছি সত্যিই দোষী দোষী সাব্যস্ত#নোটপ্... 1\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1\n", "5 4 থান্ডার 830 জেগে উঠলে ভালবাসুন 1\n", "... ... ... ...\n", "5108 5107 আলগা পিরিতি। জেলার মানুষ কষ্ট করতেছে খবর নেই। 0\n", "5109 5108 ফেইসবুক ছাড়া আপনাদের কোথাও মেলেনা। 0\n", "5110 5109 ঢাকাই বকবক ছাড়া বকবক পাটির দল? 0\n", "5111 5110 সংবাদ পড়া বাদ দিয়ে মানুষের পাশে দাঁড়ান। 0\n", "5112 5111 কার বাবা কার সন্তান হবে, জন্মের রেস প্রতিযোগিত... 0\n", "\n", "[5112 rows x 3 columns]" ] }, "execution_count": 216, "metadata": {}, "output_type": "execute_result" } ], "source": [ "#df_new = df\n", "df" ] }, { "cell_type": "code", "execution_count": 217, "id": "0624be4c-eff7-433b-8db7-1961528f1b0d", "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:5: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_NonIrony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n", "/tmp/ipykernel_209066/1609873355.py:7: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_new[i]=x_Irony+df_temp[\"score\"][i]\n" ] } ], "source": [ "#Calculate Score\n", "df_new[\"label\"]=df_irony[\"label\"]\n", "df_new[\"score\"]=df_irony[\"score\"]\n", "x_NonIrony=0.64\n", "x_Irony = 0.36\n", "df_new[\"score\"]=irony(df_new[\"score\"], df_irony, x_NonIrony, x_Irony)" ] }, { "cell_type": "code", "execution_count": 218, "id": "843918c1-c69c-4530-82f0-a916da55cddc", "metadata": {}, "outputs": [], "source": [ "# Explotaroy Data Analysis\n", "# Normalize the data\n", "df_new[\"score\"]=dataExplore(df_new[\"score\"])" ] }, { "cell_type": "code", "execution_count": 219, "id": "5f569394-2fc5-4f83-8c09-e2baf571bf31", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "0 0.082018\n", "1 0.732094\n", "2 0.738135\n", "3 0.731897\n", "4 0.749829\n", " ... \n", "5107 0.878405\n", "5108 0.859040\n", "5109 0.876550\n", "5110 0.857044\n", "5111 0.854332\n", "Name: score, Length: 5112, dtype: float64" ] }, "execution_count": 219, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_new[\"score\"]" ] }, { "cell_type": "markdown", "id": "561809ed-9484-455e-86f0-41370d686688", "metadata": { "tags": [] }, "source": [ "### Transformer Model Evaluation" ] }, { "cell_type": "markdown", "id": "1939856b-0944-4421-9fa8-3b15584d788d", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "#### Convert Dataset Dictionary to Huggingface" ] }, { "cell_type": "code", "execution_count": 220, "id": "e6f2c793-5424-4f73-9bc8-f44bffd65f2d", "metadata": {}, "outputs": [], "source": [ "# Replacing None value from label and score column\n", "df = df.replace(to_replace='None', value=np.nan).dropna()" ] }, { "cell_type": "code", "execution_count": 221, "id": "4aad0076-31c2-49e7-89d5-1fd8290ad3ca", "metadata": {}, "outputs": [], "source": [ "# replacing values Irony=0 Non_Irony=1\n", "#df['label'].replace(['Irony', 'Non_Irony'],\n", "# [0, 1], inplace=True)" ] }, { "cell_type": "code", "execution_count": 222, "id": "a7d106de-87ee-4f31-84a3-5e226e33ccab", "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
idcommentslabel
10মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর1
21গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।...1
32বাহ ... পাচ্ছি সত্যিই দোষী দোষী সাব্যস্ত#নোটপ্...1
43হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ1
54থান্ডার 830 জেগে উঠলে ভালবাসুন1
............
51085107আলগা পিরিতি। জেলার মানুষ কষ্ট করতেছে খবর নেই।0
51095108ফেইসবুক ছাড়া আপনাদের কোথাও মেলেনা।0
51105109ঢাকাই বকবক ছাড়া বকবক পাটির দল?0
51115110সংবাদ পড়া বাদ দিয়ে মানুষের পাশে দাঁড়ান।0
51125111কার বাবা কার সন্তান হবে, জন্মের রেস প্রতিযোগিত...0
\n", "

5112 rows × 3 columns

\n", "
" ], "text/plain": [ " id comments label\n", "1 0 মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর 1\n", "2 1 গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।... 1\n", "3 2 বাহ ... পাচ্ছি সত্যিই দোষী দোষী সাব্যস্ত#নোটপ্... 1\n", "4 3 হাহ, মজার বিষয়।#আনোয়েড #গ্রুআপ 1\n", "5 4 থান্ডার 830 জেগে উঠলে ভালবাসুন 1\n", "... ... ... ...\n", "5108 5107 আলগা পিরিতি। জেলার মানুষ কষ্ট করতেছে খবর নেই। 0\n", "5109 5108 ফেইসবুক ছাড়া আপনাদের কোথাও মেলেনা। 0\n", "5110 5109 ঢাকাই বকবক ছাড়া বকবক পাটির দল? 0\n", "5111 5110 সংবাদ পড়া বাদ দিয়ে মানুষের পাশে দাঁড়ান। 0\n", "5112 5111 কার বাবা কার সন্তান হবে, জন্মের রেস প্রতিযোগিত... 0\n", "\n", "[5112 rows x 3 columns]" ] }, "execution_count": 222, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df" ] }, { "cell_type": "code", "execution_count": 223, "id": "514e0ff4-465d-45ed-85be-b260cb796332", "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "/tmp/ipykernel_209066/1338289112.py:9: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame\n", "\n", "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", " df_eval.rename(columns ={\"output\":\"label\"}, inplace = True)\n" ] } ], "source": [ "import pandas as pd\n", "import datasets\n", "from datasets import Dataset, DatasetDict\n", "#from sklearn import datasets\n", "\n", "# store the value into a new dataframe\n", "df_eval = df[[\"comments\", \"label\"]]\n", "# Rename output column to label. As we have already used output in other places. We are using output=label only for validation data set\n", "df_eval.rename(columns ={\"output\":\"label\"}, inplace = True)\n", "#convert dataframe into a dataset\n", "df_eval = Dataset.from_pandas(df_eval)" ] }, { "cell_type": "code", "execution_count": 224, "id": "51af6cc3-dd96-41f9-8ee7-946b0ca0badc", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "Dataset({\n", " features: ['comments', 'label'],\n", " num_rows: 5112\n", "})" ] }, "execution_count": 224, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_eval" ] }, { "cell_type": "code", "execution_count": 225, "id": "9fa973b4-3308-4e24-b1bf-02a35710af03", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "{'comments': Value(dtype='string', id=None),\n", " 'label': Value(dtype='int32', id=None)}" ] }, "execution_count": 225, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_eval.features" ] }, { "cell_type": "code", "execution_count": 226, "id": "6fd8cdce-ef84-4340-a04a-29711bf78719", "metadata": {}, "outputs": [], "source": [ "#split train and test dataset\n", "df_train = df_eval.shuffle(seed=42).select(range(4000))\n", "df_test = df_eval.shuffle(seed=42).select(range(1111))" ] }, { "cell_type": "code", "execution_count": 227, "id": "fe524cbf-d7d5-4f02-ac9b-bf58911caa88", "metadata": {}, "outputs": [], "source": [ "# Save train and test data into dataset dictionary\n", "df_eval = DatasetDict({\n", " 'train': df_train,\n", " 'test': df_test\n", "})" ] }, { "cell_type": "code", "execution_count": 228, "id": "da268016-a709-4335-bb45-c55d24d145f3", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "DatasetDict({\n", " train: Dataset({\n", " features: ['comments', 'label'],\n", " num_rows: 4000\n", " })\n", " test: Dataset({\n", " features: ['comments', 'label'],\n", " num_rows: 1111\n", " })\n", "})" ] }, "execution_count": 228, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# show the dictionary\n", "df_eval" ] }, { "cell_type": "code", "execution_count": 229, "id": "a04a8d20-380b-4a02-bcfa-e3061ee758e2", "metadata": {}, "outputs": [], "source": [ "df_train = df_eval[\"train\"]\n", "df_test = df_eval[\"test\"]" ] }, { "cell_type": "markdown", "id": "118ea056-b340-4a66-904d-88da11fec1e1", "metadata": { "tags": [] }, "source": [ "#### Evaluate Model" ] }, { "cell_type": "code", "execution_count": 230, "id": "091a3101-499f-4d3f-8c71-397200aae22e", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "5112" ] }, "execution_count": 230, "metadata": {}, "output_type": "execute_result" } ], "source": [ "len(df)" ] }, { "cell_type": "code", "execution_count": 231, "id": "11a6cdc0-e073-40ec-8a72-916ea6e497d7", "metadata": {}, "outputs": [], "source": [ "from transformers import AutoModelForSequenceClassification\n", "import numpy as np\n", "from datasets import load_metric\n", "from transformers import TrainingArguments\n", "from transformers import Trainer\n", "from transformers import AutoTokenizer\n", "# tokenizer function\n", "def tokenize_com(examples):\n", " return tokenizer(examples[\"comments\"], padding=\"max_length\", truncation = True, max_length=512)" ] }, { "cell_type": "code", "execution_count": 267, "id": "9a131402-992f-41b1-9bb5-342f58109f34", "metadata": {}, "outputs": [], "source": [ "# Tokenize data\n", "def tokenized_data(df): \n", " #map tokenizer\n", " token_com = df_eval.map(tokenize_com, batched = True)\n", " \n", " #ds = ds.train_test_split(test_size=0.2, stratify_by_column=\"label\")\n", " # Split tokenized dataset into train and test data\n", " df_train_com = token_com[\"train\"].shuffle(seed=42).select(range(4000))\n", " df_test_com = token_com[\"test\"].shuffle(seed=42).select(range(1111))\n", " \n", " return df_train_com, df_test_com" ] }, { "cell_type": "code", "execution_count": 268, "id": "6d9db5ee-e7e4-4f25-b7d3-0ea0a823d6fe", "metadata": {}, "outputs": [], "source": [ "# Train model\n", "def trainer(model_name, args, train_dataset, eval_dataset, compute_metrics):\n", " trainer = Trainer(model=model_name,\n", " args = training_args,\n", " train_dataset = train_dataset,\n", " eval_dataset = eval_dataset,\n", " compute_metrics = compute_metrics)\n", " return trainer" ] }, { "cell_type": "code", "execution_count": 269, "id": "320c6e5a-5f99-4c7c-b5ea-bbd4fa104c5e", "metadata": {}, "outputs": [], "source": [ "#Declare Accuracy, precision, recall metric\n", "def compute_metrics(eval_pred):\n", " accuracy_metric = load_metric(\"accuracy\")\n", " precision_metric = load_metric(\"precision\")\n", " recall_metric = load_metric(\"recall\")\n", " f1_metric = load_metric(\"f1\")\n", "\n", " logits, labels = eval_pred\n", " predictions = np.argmax(logits, axis =-1)\n", " accuracy = accuracy_metric.compute(predictions = predictions, references = labels)[\"accuracy\"]\n", " precision = precision_metric.compute(predictions=predictions, references=labels)[\"precision\"]\n", " recall = recall_metric.compute(predictions = predictions, references = labels)[\"recall\"]\n", " f1_score = f1_metric.compute(predictions=predictions, references=labels)[\"f1\"]\n", "\n", " return {\"accuracy\": accuracy, \"precision\":precision, \"recall\":recall, \"f1\": f1_score}" ] }, { "cell_type": "code", "execution_count": 270, "id": "48377523-0a95-4e3c-a900-c6b68a36df6c", "metadata": {}, "outputs": [], "source": [ "# Empty cache to avoid CUDA out of memory issue\n", "#import torch\n", "#torch.cuda.empty_cache()" ] }, { "cell_type": "code", "execution_count": 271, "id": "0416ed33-9367-426b-8501-f506996a4f5f", "metadata": {}, "outputs": [ { "data": { "text/plain": [ "DatasetDict({\n", " train: Dataset({\n", " features: ['comments', 'label'],\n", " num_rows: 4000\n", " })\n", " test: Dataset({\n", " features: ['comments', 'label'],\n", " num_rows: 1111\n", " })\n", "})" ] }, "execution_count": 271, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_eval" ] }, { "cell_type": "code", "execution_count": 272, "id": "c94098de-e497-4fa7-8c15-0c4d6f1908d9", "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "loading file vocab.txt from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/vocab.txt\n", "loading file tokenizer.json from cache at None\n", "loading file added_tokens.json from cache at None\n", "loading file special_tokens_map.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/special_tokens_map.json\n", "loading file tokenizer_config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/tokenizer_config.json\n", "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "loading configuration file config.json from cache at /home/raquiba/.cache/huggingface/hub/models--csebuetnlp--banglabert/snapshots/9ce791f330578f50da6bc52b54205166fb5d1c8c/config.json\n", "Model config ElectraConfig {\n", " \"_name_or_path\": \"csebuetnlp/banglabert\",\n", " \"architectures\": [\n", " \"ElectraForPreTraining\"\n", " ],\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"classifier_dropout\": null,\n", " \"embedding_size\": 768,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"model_type\": \"electra\",\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", " \"pad_token_id\": 0,\n", " \"position_embedding_type\": \"absolute\",\n", " \"summary_activation\": \"gelu\",\n", " \"summary_last_dropout\": 0.1,\n", " \"summary_type\": \"first\",\n", " \"summary_use_proj\": true,\n", " \"transformers_version\": \"4.24.0\",\n", " \"type_vocab_size\": 2,\n", " \"use_cache\": true,\n", " \"vocab_size\": 32000\n", "}\n", "\n", "tokenizer config file saved in test-trainer-banglaBERT/tokenizer_config.json\n", "Special tokens file saved in test-trainer-banglaBERT/special_tokens_map.json\n" ] }, { "data": { "text/plain": [ "('test-trainer-banglaBERT/tokenizer_config.json',\n", " 'test-trainer-banglaBERT/special_tokens_map.json',\n", " 'test-trainer-banglaBERT/vocab.txt',\n", " 'test-trainer-banglaBERT/added_tokens.json',\n", " 'test-trainer-banglaBERT/tokenizer.json')" ] }, "execution_count": 272, "metadata": {}, "output_type": "execute_result" } ], "source": [ "from transformers import AutoModel, BertTokenizer\n", "irony_name = \"csebuetnlp/banglabert\"\n", "#tokenizer = AutoTokenizer.from_pretrained(irony_name, labels=None)\n", "tokenizer = AutoTokenizer.from_pretrained(irony_name)\n", "tokenizer.save_pretrained('test-trainer-banglaBERT')" ] }, { "cell_type": "code", "execution_count": 273, "id": "594c48d9-2126-4970-aa1f-0a15101d3753", "metadata": {}, "outputs": [ { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "aa911101a3344068a812150d6f5421ad", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/4 [00:00\n", " \n", " \n", " [1500/1500 05:51, Epoch 3/3]\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
EpochTraining LossValidation LossAccuracyPrecisionRecallF1
10.2280000.0682030.9846980.9901230.9685990.979243
20.0644000.0200560.9964000.9975730.9927540.995157
30.0193000.0084390.9982001.0000000.9951690.997579

" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "Saving model checkpoint to test-trainer-banglaBERT/checkpoint-500\n", "Configuration saved in test-trainer-banglaBERT/checkpoint-500/config.json\n", "Model weights saved in test-trainer-banglaBERT/checkpoint-500/pytorch_model.bin\n", "The following columns in the evaluation set don't have a corresponding argument in `ElectraForSequenceClassification.forward` and have been ignored: comments. If comments are not expected by `ElectraForSequenceClassification.forward`, you can safely ignore this message.\n", "***** Running Evaluation *****\n", " Num examples = 1111\n", " Batch size = 8\n", "Saving model checkpoint to test-trainer-banglaBERT/checkpoint-1000\n", "Configuration saved in test-trainer-banglaBERT/checkpoint-1000/config.json\n", "Model weights saved in test-trainer-banglaBERT/checkpoint-1000/pytorch_model.bin\n", "The following columns in the evaluation set don't have a corresponding argument in `ElectraForSequenceClassification.forward` and have been ignored: comments. If comments are not expected by `ElectraForSequenceClassification.forward`, you can safely ignore this message.\n", "***** Running Evaluation *****\n", " Num examples = 1111\n", " Batch size = 8\n", "Saving model checkpoint to test-trainer-banglaBERT/checkpoint-1500\n", "Configuration saved in test-trainer-banglaBERT/checkpoint-1500/config.json\n", "Model weights saved in test-trainer-banglaBERT/checkpoint-1500/pytorch_model.bin\n", "The following columns in the evaluation set don't have a corresponding argument in `ElectraForSequenceClassification.forward` and have been ignored: comments. If comments are not expected by `ElectraForSequenceClassification.forward`, you can safely ignore this message.\n", "***** Running Evaluation *****\n", " Num examples = 1111\n", " Batch size = 8\n", "\n", "\n", "Training completed. Do not forget to share your model on huggingface.co/models =)\n", "\n", "\n" ] }, { "data": { "text/plain": [ "TrainOutput(global_step=1500, training_loss=0.10388518269856771, metrics={'train_runtime': 351.8644, 'train_samples_per_second': 34.104, 'train_steps_per_second': 4.263, 'total_flos': 3157332664320000.0, 'train_loss': 0.10388518269856771, 'epoch': 3.0})" ] }, "execution_count": 283, "metadata": {}, "output_type": "execute_result" } ], "source": [ "trainer_irony.train()" ] }, { "cell_type": "code", "execution_count": 284, "id": "a7f46603-8f2f-412e-819f-2bae9250dc4a", "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "The following columns in the evaluation set don't have a corresponding argument in `ElectraForSequenceClassification.forward` and have been ignored: comments. If comments are not expected by `ElectraForSequenceClassification.forward`, you can safely ignore this message.\n", "***** Running Evaluation *****\n", " Num examples = 1111\n", " Batch size = 8\n" ] }, { "data": { "text/html": [ "\n", "

\n", " \n", " \n", " [139/139 00:08]\n", "
\n", " " ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/plain": [ "{'eval_loss': 0.008439288474619389,\n", " 'eval_accuracy': 0.9981998199819982,\n", " 'eval_precision': 1.0,\n", " 'eval_recall': 0.9951690821256038,\n", " 'eval_f1': 0.9975786924939467,\n", " 'eval_runtime': 13.3316,\n", " 'eval_samples_per_second': 83.336,\n", " 'eval_steps_per_second': 10.426,\n", " 'epoch': 3.0}" ] }, "execution_count": 284, "metadata": {}, "output_type": "execute_result" } ], "source": [ "trainer_irony.evaluate()" ] } ], "metadata": { "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.9.12" } }, "nbformat": 4, "nbformat_minor": 5 }