diff --git "a/banglaBERT-on-banlgasarc.ipynb" "b/banglaBERT-on-banlgasarc.ipynb" new file mode 100644--- /dev/null +++ "b/banglaBERT-on-banlgasarc.ipynb" @@ -0,0 +1,28567 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "93b1192f-1392-4538-ba6f-5981ccb2cf07", + "metadata": { + "jp-MarkdownHeadingCollapsed": true, + "tags": [] + }, + "source": [ + "### Import and Install" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "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": 2, + "id": "be7a1265-fbdb-4a18-b64b-c45d4925c433", + "metadata": {}, + "outputs": [], + "source": [ + "#!pip install nltk" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "2c9dd96b-8f50-4b31-ab83-a82ae5bdabb7", + "metadata": {}, + "outputs": [], + "source": [ + "#!pip install evaluate" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "bf91091e-cc0f-4f1c-b769-b384de5de274", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2023-09-15 17:04:09.436638: I tensorflow/core/platform/cpu_feature_guard.cc:193] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 FMA\n", + "To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.\n", + "2023-09-15 17:04:09.558209: E tensorflow/stream_executor/cuda/cuda_blas.cc:2981] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", + "2023-09-15 17:04:09.978490: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libnvinfer.so.7'; dlerror: libnvinfer.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/raquiba/anaconda3/lib/python3.9/site-packages/nvidia/cudnn/lib:/home/raquiba/anaconda3/lib/:\n", + "2023-09-15 17:04:09.978547: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libnvinfer_plugin.so.7'; dlerror: libnvinfer_plugin.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/raquiba/anaconda3/lib/python3.9/site-packages/nvidia/cudnn/lib:/home/raquiba/anaconda3/lib/:\n", + "2023-09-15 17:04:09.978552: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Cannot dlopen some TensorRT libraries. If you would like to use Nvidia GPU with TensorRT, please make sure the missing libraries mentioned above are installed properly.\n" + ] + } + ], + "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": 5, + "id": "ada7cdaf-3731-44ee-b6a0-2552c9a3b227", + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.read_csv(\"Bangla-SARC/SarcasDetection.csv\", header = None)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "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": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.head(10)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "6b782557-3993-4266-88c3-dafd26b3bccc", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "5113" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Find out length of data set\n", + "len(df)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "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": 9, + "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": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "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": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.columns = [\"id\",\"comments\",\"label\"]\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "aed82ea4-d69e-4aa1-9193-70bd9173ef88", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "id float64\n", + "comments object\n", + "label object\n", + "dtype: object" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.dtypes" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "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": 13, + "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": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df[\"id\"] = df[\"id\"].astype('int32')\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "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": 15, + "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": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df[\"label\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "id": "bbcdaaec-2b1c-40f3-acec-43b46655039b", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "id int32\n", + "comments object\n", + "label int32\n", + "dtype: object" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Check data type\n", + "df.dtypes" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "id": "259ea6f0-541d-4d8e-aac7-ed7a52718f74", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(5112, 3)" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# shape of data\n", + "df.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "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": 18, + "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": 19, + "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 17:04:10 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% 37C P8 33W / 350W | 10370MiB / 24576MiB | 8% 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 205MiB |\n", + "| 0 N/A N/A 1682 G /usr/bin/gnome-shell 36MiB |\n", + "| 0 N/A N/A 4496 G ...279883498821539020,131072 151MiB |\n", + "| 0 N/A N/A 205512 C ...uiba/anaconda3/bin/python 9971MiB |\n", + "+-----------------------------------------------------------------------------+\n" + ] + } + ], + "source": [ + "# Checking if GPU and NVIDIA are available\n", + "!nvidia-smi" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "id": "d2f29522-72ee-4396-b011-e3456bd6d21f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'NVIDIA GeForce RTX 3090'" + ] + }, + "execution_count": 20, + "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": 21, + "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": 22, + "id": "06e1781a-d65f-42a9-943e-2d3856f782c2", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1" + ] + }, + "execution_count": 22, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "torch.cuda.device_count()" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "30fb3e1f-169d-445b-ae11-86dcf6bb2348", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "True" + ] + }, + "execution_count": 23, + "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": 24, + "id": "cdfcbd47-8090-4080-97b8-9cadde33bba4", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "NVIDIA GeForce RTX 3090\n", + "Memory Usage:\n", + "Allocated: 0.0 GB\n", + "Cached: 0.0 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 | 0 B | 0 B | 0 B | 0 B |\\n| from large pool | 0 B | 0 B | 0 B | 0 B |\\n| from small pool | 0 B | 0 B | 0 B | 0 B |\\n|---------------------------------------------------------------------------|\\n| Active memory | 0 B | 0 B | 0 B | 0 B |\\n| from large pool | 0 B | 0 B | 0 B | 0 B |\\n| from small pool | 0 B | 0 B | 0 B | 0 B |\\n|---------------------------------------------------------------------------|\\n| GPU reserved memory | 0 B | 0 B | 0 B | 0 B |\\n| from large pool | 0 B | 0 B | 0 B | 0 B |\\n| from small pool | 0 B | 0 B | 0 B | 0 B |\\n|---------------------------------------------------------------------------|\\n| Non-releasable memory | 0 B | 0 B | 0 B | 0 B |\\n| from large pool | 0 B | 0 B | 0 B | 0 B |\\n| from small pool | 0 B | 0 B | 0 B | 0 B |\\n|---------------------------------------------------------------------------|\\n| Allocations | 0 | 0 | 0 | 0 |\\n| from large pool | 0 | 0 | 0 | 0 |\\n| from small pool | 0 | 0 | 0 | 0 |\\n|---------------------------------------------------------------------------|\\n| Active allocs | 0 | 0 | 0 | 0 |\\n| from large pool | 0 | 0 | 0 | 0 |\\n| from small pool | 0 | 0 | 0 | 0 |\\n|---------------------------------------------------------------------------|\\n| GPU reserved segments | 0 | 0 | 0 | 0 |\\n| from large pool | 0 | 0 | 0 | 0 |\\n| from small pool | 0 | 0 | 0 | 0 |\\n|---------------------------------------------------------------------------|\\n| Non-releasable allocs | 0 | 0 | 0 | 0 |\\n| from large pool | 0 | 0 | 0 | 0 |\\n| from small pool | 0 | 0 | 0 | 0 |\\n|---------------------------------------------------------------------------|\\n| Oversize allocations | 0 | 0 | 0 | 0 |\\n|---------------------------------------------------------------------------|\\n| Oversize GPU segments | 0 | 0 | 0 | 0 |\\n|===========================================================================|\\n'" + ] + }, + "execution_count": 24, + "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": 25, + "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": 26, + "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": 27, + "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": 28, + "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": 29, + "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": 29, + "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": 30, + "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": 31, + "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": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_new.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "id": "be9e1e3c-ec33-4ebc-a876-9d6c0d54edd2", + "metadata": {}, + "outputs": [], + "source": [ + "df[\"comments\"]=df_new" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "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": 33, + "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": 34, + "id": "6c0d4f87-ce96-4e44-90cb-9dab8cd16aaa", + "metadata": {}, + "outputs": [], + "source": [ + "df[\"comments\"] = df[\"comments\"].str.replace(r'[^\\w\\s]+', '')" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "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": 35, + "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": 36, + "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": 36, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import nltk\n", + "nltk.download('stopwords')" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "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": 38, + "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": 39, + "id": "62e20234-15b2-4871-b217-31a0df499422", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1 মেয়েরা উদ্দেশ্য অনুসারে বোবা বোবা আচরণ সুন্দর\n", + "2 গুরুত্বপূর্ণ প্রশ্ন জিজ্ঞাসা সত্যিই পছন্দ করি।...\n", + "Name: comments, dtype: object" + ] + }, + "execution_count": 39, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df[\"comments\"].head(2)" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "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": 41, + "id": "bf7753f5-7040-4517-88d6-75698e46cd58", + "metadata": {}, + "outputs": [], + "source": [ + "#import torch\n", + "#torch.cuda.empty_cache()" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "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": 43, + "id": "9469b176-e526-4335-8f66-7ee7abfd00eb", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "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": 44, + "id": "b196242e-6361-4976-b838-276145ea06a2", + "metadata": {}, + "outputs": [], + "source": [ + "#from transformers import BertTokenizer, BertModel\n", + "#irony_name = f\"bert-base-multilingual-cased\"\n", + "#tokenizer_irony = BertTokenizer.from_pretrained(irony_name)\n", + "#model_irony = BertModel.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": 45, + "id": "925d8b2a-1d3e-4fdb-8d1d-d1437017842f", + "metadata": {}, + "outputs": [], + "source": [ + "# convert dataframe to list\n", + "list_comments = df[\"comments\"].tolist()" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "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": 47, + "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": 47, + "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": 48, + "id": "da656b8e-87de-4bb1-9f85-cda7168e501a", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 48, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkQAAAHFCAYAAAAT5Oa6AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABPyUlEQVR4nO3deVzU1f4/8Nc4wLAIqCAMpAIqrrjiEppbIOaSqbevmpl72VVTrpBLVq6BG2q5lWbgkpq5dM3MK5pahrtiqbgjoDKSiiCCrOf3hw8+vyZwYfjMAp/X8/GYx3XOnM+Z9zkQ87qf+SwqIYQAERERkYJVMncBRERERObGQERERESKx0BEREREisdARERERIrHQERERESKx0BEREREisdARERERIrHQERERESKx0BEREREisdARGQk0dHRUKlUOHnyZImv9+rVC97e3gaNvXHjRixZssTw4p7hf//7H4KDg+Hp6QmNRgNPT0907twZc+fONcr7GUvnzp3h5+dn8Pbe3t4YNmyYbPUU/T7Y2toiMTGx2OtlrdcUhg0bBpVK9dzHsGHDcPDgQahUKhw8eFDafvfu3ZgxY0aJY8u93kSlZWXuAoio9DZu3Ihz584hJCRE1nG//PJL/Pvf/8a//vUvLFu2DNWqVUNycjJiY2OxdetWTJkyRdb3s2Q7duyAk5OT7OPm5OTg448/xvr162Uf29g++eQTvP/++9Lz06dPY+zYsQgPD0eXLl2k9urVq6N69eo4cuQIGjVqJLXv3r0by5cvf2ooIjInBiIikkRERKBjx47YunWrXvs777yDwsJCM1VlHi1atDDKuK+99ho2btyIsLAwNGvWzCjvYSx16tRBnTp1pOePHz8GAPj6+uLll18u1r+kNiJLxa/MiCzI8uXL0bFjR7i5ucHBwQFNmjTB/PnzkZeXJ/Xp3LkzfvrpJyQmJup9TVEkNzcXc+bMQYMGDaDRaFC9enUMHz4cf/3113Pf/969e/Dw8CjxtUqV9P9cqFQqjBs3Dl999RXq1asHjUaDRo0aYfPmzcW21el0GD16NGrUqAEbGxv4+Phg5syZyM/P1+tXmto3btyIgIAAVK5cGZUrV0bz5s2xZs2aYv1OnDiBDh06wN7eHrVr18bcuXNfKNz98yucoq+ANm3ahGnTpsHT0xNOTk4ICgrCpUuXnjtekUmTJsHFxQWTJ09+bl8hBFasWIHmzZvDzs4OVatWxZtvvonr169LfZYvX45KlSohNTVVaouMjIRKpcLYsWOltsLCQlStWhWhoaFS28qVK9GsWTNUrlwZjo6OaNCgAT766KMXnsuz/PMrs2HDhmH58uUAoPd7e+PGjaeOkZGRgbCwMPj4+MDGxgYvvfQSQkJC8OjRI1lqJPo77iEiMrKCgoJiH/zAkw+7f7p27RoGDRokfQCcPXsWn332GS5evIhvvvkGALBixQq89957uHbtGnbs2KG3fWFhId544w389ttvmDRpEtq1a4fExERMnz4dnTt3xsmTJ2FnZ/fUWgMCArBt2zbMmDEDffv2hZ+fH9Rq9VP779y5EwcOHMCsWbPg4OCAFStW4K233oKVlRXefPNNAE/CUJs2bVCpUiV8+umnqFOnDo4cOYI5c+bgxo0biIqKKnXtn376KWbPno1+/fohNDQUzs7OOHfuXLFjc3Q6Hd5++22EhoZi+vTp2LFjB6ZOnQpPT08MGTLkqfN6lo8++gjt27fH119/jYyMDEyePBmvv/464uPjn7lWRRwdHfHxxx9jwoQJ+OWXX/Dqq68+te/o0aMRHR2N8ePHY968ebh//z5mzZqFdu3a4ezZs3B3d0dQUBCEENi/fz/eeustAMC+fftgZ2eHmJgYaayTJ0/iwYMHCAoKAgBs3rwZY8aMwQcffICFCxeiUqVKuHr1Ki5cuGDQujzPJ598gkePHmHr1q04cuSI1P60AJ6VlYVOnTrh5s2b+Oijj9C0aVOcP38en376Kf7880/s27dP7/8IEJWZICKjiIqKEgCe+fDy8nrq9gUFBSIvL0+sW7dOqNVqcf/+fem1nj17lrjtpk2bBACxbds2vfYTJ04IAGLFihXPrPnq1avCz89Pqs/Ozk4EBgaKZcuWidzcXL2+Ra/rdDqpLT8/XzRo0EDUrVtXahs9erSoXLmySExM1Nt+4cKFAoA4f/58qWq/fv26UKvV4u23337mXDp16iQAiGPHjum1N2rUSHTr1u2Z2wohhJeXlxg6dKj0/MCBAwKA6NGjh16/LVu2CADiyJEjzxyv6PfhxIkTIicnR9SuXVu0atVKFBYWSvU2btxY6n/kyBEBQERGRuqNk5ycLOzs7MSkSZOktho1aogRI0YIIYTIyckRDg4OYvLkyQKAtO6fffaZsLa2FpmZmUIIIcaNGyeqVKny3HV4lqI1+f7775/62oEDB6S2sWPHiqd97PxzvSMiIkSlSpXEiRMn9Ppt3bpVABC7d+8uU+1E/8SvzIiMbN26dThx4kSxxyuvvFKs75kzZ9C7d2+4uLhArVbD2toaQ4YMQUFBAS5fvvzc99q1axeqVKmC119/Hfn5+dKjefPm0Gq1emf8lKROnTo4e/YsDh06hJkzZyIoKAgnTpzAuHHjEBAQIB0zUiQwMBDu7u7Sc7VajQEDBuDq1au4efOmVFOXLl3g6empV1P37t0BAIcOHSpV7TExMSgoKND7OuhptFot2rRpo9fWtGnTEs/yelG9e/cuNh6AUo1pY2ODOXPm4OTJk9iyZUuJfXbt2gWVSoXBgwfrrYdWq0WzZs30fpaBgYHYt28fACA2NhZZWVmYOHEiXF1dpb1E+/btQ0BAABwcHAAAbdq0wYMHD/DWW2/hv//9L+7evfvC9ZvCrl274Ofnh+bNm+vNv1u3bsXOXiOSAwMRkZE1bNgQrVq1KvZwdnbW65eUlIQOHTrg1q1b+Pzzz/Hbb7/hxIkT0nEX2dnZz32vO3fu4MGDB7CxsYG1tbXeQ6fTvdCHXqVKldCxY0d8+umn2LlzJ27fvo0BAwbg1KlT0td2RbRabbHti9ru3bsn1fTjjz8Wq6dx48YAINX0orUXHU9Uo0aN587FxcWlWJtGo3mhtXzRMTUaDYAX+/n83cCBA9GyZUtMmzZN7xixInfu3IEQAu7u7sXW4+jRo3o/y6CgICQlJeHKlSvYt28fWrRoATc3N7z66qvYt28fsrOzERsbK31dBjw5UP6bb75BYmIi/vWvf8HNzQ1t27bV+5rNnO7cuYM//vij2NwdHR0hhLC4AEflH48hIrIQP/zwAx49eoTt27fDy8tLao+Li3vhMVxdXeHi4oI9e/aU+Lqjo2Op63JwcMDUqVPx3Xff4dy5c3qv6XS6Yv2L2oqCg6urK5o2bYrPPvusxPE9PT1LVXv16tUBADdv3kTNmjVLPR9LoVKpMG/ePHTt2hWrVq0q9rqrqytUKhV+++03KXT93d/bAgMDATzZCxQTE4OuXbtK7R9//DF+/fVX5OTk6AUiABg+fDiGDx+OR48e4ddff8X06dPRq1cvXL58We930BxcXV1hZ2dXLIT//XUiOTEQEVmIogNE//5BJ4TA6tWri/V92l6OXr16YfPmzSgoKEDbtm1LXUNKSkqJB7nGx8cD+P/hpcj+/ftx584d6WuzgoICfPfdd6hTp460B6dXr17YvXs36tSpg6pVqz71vV+09uDgYKjVaqxcuRIBAQGlnqMlCQoKQteuXTFr1qxi4a5Xr16YO3cubt26hf79+z9zHA8PDzRq1Ajbtm3DqVOnEB4eDgDo2rUrRo8ejUWLFsHJyQmtW7cucXsHBwd0794dubm56NOnD86fP2+UQPT3vWnPOrgfeDL/8PBwuLi4wMfHR/ZaiP6JgYjIQnTt2hU2NjZ46623MGnSJDx+/BgrV65EWlpasb5NmjTB9u3bsXLlSvj7+6NSpUpo1aoVBg4ciG+//RY9evTAhAkT0KZNG1hbW+PmzZs4cOAA3njjDfTt2/epNTRu3BiBgYHo3r076tSpg8ePH+PYsWOIjIyEu7s7Ro4cqdff1dUVr776Kj755BPpLLOLFy/qnXo/a9YsxMTEoF27dhg/fjzq16+Px48f48aNG9i9eze+/PJL1KhR44Vr9/b2xkcffYTZs2cjOzsbb731FpydnXHhwgXcvXsXM2fOlO+HYgLz5s2Dv78/UlNTpa8RAaB9+/Z47733MHz4cJw8eRIdO3aEg4MDUlJScPjwYTRp0gT//ve/pf6BgYFYunQp7Ozs0L59ewCAj48PfHx8sHfvXvTu3RtWVv//T/67774r9fXw8IBOp0NERAScnZ2fGpzKqkmTJtKcu3fvDrVajaZNm8LGxqZY35CQEGzbtg0dO3bEf/7zHzRt2hSFhYVISkrC3r17ERoaalDoJ3oqMx/UTVRh/f2sopKUdKbYjz/+KJo1ayZsbW3FSy+9JD788EPx888/Fztb5/79++LNN98UVapUESqVSu/Mnby8PLFw4UJpnMqVK4sGDRqI0aNHiytXrjyz5q+++kr069dP1K5dW9jb2wsbGxtRp04d8f7774vk5GS9vgDE2LFjxYoVK0SdOnWEtbW1aNCggfj222+LjfvXX3+J8ePHCx8fH2FtbS2qVasm/P39xbRp06Sznkpb+7p160Tr1q2lfi1atBBRUVHS6/88a6vI0KFDn3l2X5GnnWX2zzOqEhISBAC99y7Js34fBg0aJACUWO8333wj2rZtKxwcHISdnZ2oU6eOGDJkiDh58qRev//+978CgOjatate+7vvvisAiC+++EKvfe3ataJLly7C3d1d2NjYCE9PT9G/f3/xxx9/PHMef1fas8xycnLEqFGjRPXq1aXf24SEBCFE8fUWQojMzEzx8ccfi/r16wsbGxvh7OwsmjRpIv7zn//ond1IJAeVECVcDIWI6DmKLvy3bNkyc5dCRFRmPMuMiIiIFI+BiIiIiBSPB1UTkUH4bTsRVSTcQ0RERESKx0BEREREisdARERERIrHY4heUGFhIW7fvg1HR0fpisJERERk2YQQePjwITw9PVGp0tP3AzEQvaDbt2+X6/smERERKVlycvIzbwrNQPSCim4smZycDCcnJzNXQ0RERC8iIyMDNWvWfO7NrRmIXlDR12ROTk4MREREROXM8w534UHVREREpHgMRERERKR4DERERESkeDyGiIiIFKWgoAB5eXnmLoNkYm1tDbVaXeZxGIiIiEgRhBDQ6XR48OCBuUshmVWpUgVarbZM1wlkICIiIkUoCkNubm6wt7fnRXYrACEEsrKykJqaCgDw8PAweCyzBqJff/0VCxYswKlTp5CSkoIdO3agT58+AIC8vDx8/PHH2L17N65fvw5nZ2cEBQVh7ty58PT0lMbIyclBWFgYNm3ahOzsbAQGBmLFihV6F19KS0vD+PHjsXPnTgBA7969sXTpUlSpUsWU0yUiIjMpKCiQwpCLi4u5yyEZ2dnZAQBSU1Ph5uZm8NdnZj2o+tGjR2jWrBmWLVtW7LWsrCycPn0an3zyCU6fPo3t27fj8uXL6N27t16/kJAQ7NixA5s3b8bhw4eRmZmJXr16oaCgQOozaNAgxMXFYc+ePdizZw/i4uLwzjvvGH1+RERkGYqOGbK3tzdzJWQMRT/XshwbphJCCLkKKguVSqW3h6gkJ06cQJs2bZCYmIhatWohPT0d1atXx/r16zFgwAAA//8WG7t370a3bt0QHx+PRo0a4ejRo2jbti0A4OjRowgICMDFixdRv379F6ovIyMDzs7OSE9P54UZiYjKmcePHyMhIQE+Pj6wtbU1dzkks2f9fF/087tcnXafnp4OlUolfdV16tQp5OXlITg4WOrj6ekJPz8/xMbGAgCOHDkCZ2dnKQwBwMsvvwxnZ2epDxERESlbuQlEjx8/xpQpUzBo0CAp4el0OtjY2KBq1ap6fd3d3aHT6aQ+bm5uxcZzc3OT+pQkJycHGRkZeg8iIiJT6dy5M0JCQl6o78GDB6FSqcp8Bp23tzeWLFlSpjHKq3IRiPLy8jBw4EAUFhZixYoVz+0vhNA7e6CkMwn+2eefIiIi4OzsLD14p3siIqKKy+IDUV5eHvr374+EhATExMToff+n1WqRm5uLtLQ0vW1SU1Ph7u4u9blz506xcf/66y+pT0mmTp2K9PR06ZGcnCzTjIiIiMjSWHQgKgpDV65cwb59+4qdKunv7w9ra2vExMRIbSkpKTh37hzatWsHAAgICEB6ejqOHz8u9Tl27BjS09OlPiXRaDTSne15h3siIjKnDRs2oFWrVnB0dIRWq8WgQYOka+/83e+//45mzZrB1tYWbdu2xZ9//qn3emxsLDp27Ag7OzvUrFkT48ePx6NHj0w1DYtm1kCUmZmJuLg4xMXFAQASEhIQFxeHpKQk5Ofn480338TJkyfx7bffoqCgADqdDjqdDrm5uQAAZ2dnjBw5EqGhodi/fz/OnDmDwYMHo0mTJggKCgIANGzYEK+99hreffddHD16FEePHsW7776LXr16vfAZZkREROaUm5uL2bNn4+zZs/jhhx+QkJCAYcOGFev34YcfYuHChThx4gTc3NzQu3dv6VT0P//8E926dUO/fv3wxx9/4LvvvsPhw4cxbtw4E8/GMpn1wownT55Ely5dpOcTJ04EAAwdOhQzZsyQLqTYvHlzve0OHDiAzp07AwAWL14MKysr9O/fX7owY3R0tN6Fmb799luMHz9eOhutd+/eJV77yFy8p/xk7hJK7cbcnuYugYhIMUaMGCH9u3bt2vjiiy/Qpk0bZGZmonLlytJr06dPR9euXQEAa9euRY0aNbBjxw70798fCxYswKBBg6QDtX19ffHFF1+gU6dOWLlypeIvR2DWQNS5c2c86zJIL3KJJFtbWyxduhRLly59ap9q1aphw4YNBtVIRERkbmfOnMGMGTMQFxeH+/fvo7CwEACQlJSERo0aSf0CAgKkf1erVg3169dHfHw8gCeXqrl69Sq+/fZbqY8QAoWFhUhISEDDhg1NNBvLxHuZERERWbBHjx4hODgYwcHB2LBhA6pXr46kpCR069ZNOoTkWYrOqC4sLMTo0aMxfvz4Yn1q1aole93lDQMRERGRBbt48SLu3r2LuXPnSpeAOXnyZIl9jx49KoWbtLQ0XL58GQ0aNAAAtGzZEufPn0fdunVNU3g5Y9FnmRERESldrVq1YGNjg6VLl+L69evYuXMnZs+eXWLfWbNmYf/+/Th37hyGDRsGV1dX6ZZYkydPxpEjRzB27FjExcXhypUr2LlzJz744AMTzsZyMRARERFZsOrVqyM6Ohrff/89GjVqhLlz52LhwoUl9p07dy4mTJgAf39/pKSkYOfOnbCxsQEANG3aFIcOHcKVK1fQoUMHtGjRAp988gk8PDxMOR2LZTE3d7V0xry5K88yIyIyLt7ctWJT3M1diYiIiIyBgYiIiIgUj4GIiIiIFI+BiIiIiBSPgYiIiIgUj4GIiIiIFI+BiIiIiBSPgYiIiIgUj4GIiIiIFI83dyUiIkVLSkrC3bt3TfZ+rq6uvLu8BWIgIiIixUpKSkLDhg2RlZVlsve0t7dHfHz8C4eiYcOGYe3atYiIiMCUKVOk9h9++AF9+/aFqe7ApVKpsGPHDulmsRUNAxERESnW3bt3kZWVhemRK+Fdp57R3+/GtcuYGfpv3L17t1R7iWxtbTFv3jyMHj0aVatWNWKFhsvLy4O1tbW5yzAYjyEiIiLF865TD/X9mhn9YWjoCgoKglarRURExFP7bNu2DY0bN4ZGo4G3tzciIyP15+jtjfDwcIwYMQKOjo6oVasWVq1aZVA9N27cgEqlwpYtW9C5c2fY2tpiw4YNKCwsxKxZs1CjRg1oNBo0b94ce/bsKbbd9u3b0aVLF9jb26NZs2Y4cuQIAODRo0dwcnLC1q1b9d7vxx9/hIODAx4+fGhQvS+CgYiIiMjCqdVqhIeHY+nSpbh582ax10+dOoX+/ftj4MCB+PPPPzFjxgx88skniI6O1usXGRmJVq1a4cyZMxgzZgz+/e9/4+LFiwbXNXnyZIwfPx7x8fHo1q0bPv/8c0RGRmLhwoX4448/0K1bN/Tu3RtXrlzR227atGkICwtDXFwc6tWrh7feegv5+flwcHDAwIEDERUVpdc/KioKb775JhwdHQ2u9XkYiIiIiMqBvn37onnz5pg+fXqx1xYtWoTAwEB88sknqFevHoYNG4Zx48ZhwYIFev169OiBMWPGoG7dupg8eTJcXV1x8OBBg2sKCQlBv3794OPjA09PTyxcuBCTJ0/GwIEDUb9+fcybNw/NmzfHkiVL9LYLCwtDz549Ua9ePcycOROJiYm4evUqAGDUqFH43//+h9u3bwN48rXmrl27MGLECIPrfBEMREREROXEvHnzsHbtWly4cEGvPT4+Hu3bt9dra9++Pa5cuYKCggKprWnTptK/VSoVtFotUlNTDa6nVatW0r8zMjJw+/btEuuIj4/Xa/t7HR4eHgAg1dGmTRs0btwY69atAwCsX78etWrVQseOHQ2u80UwEBEREZUTHTt2RLdu3fDRRx/ptQshoFKpirX90z8PelapVCgsLDS4HgcHh2JtJdXxz7a/11H02t/rGDVqlPS1WVRUFIYPH15sDLkxEBEREZUjc+fOxY8//ojY2FiprVGjRjh8+LBev9jYWNSrVw9qtdokdTk5OcHT07PEOho2bFiqsQYPHoykpCR88cUXOH/+PIYOHSpnqSXiafdERETlSJMmTfD2229j6dKlUltoaChat26N2bNnY8CAAThy5AiWLVuGFStWmLS2Dz/8ENOnT0edOnXQvHlzREVFIS4uDt9++22pxqlatSr69euHDz/8EMHBwahRo4aRKv7/GIiIiEjxbly7XK7eZ/bs2diyZYv0vGXLltiyZQs+/fRTzJ49Gx4eHpg1axaGDRsmy/u9qPHjxyMjIwOhoaFITU1Fo0aNsHPnTvj6+pZ6rJEjR2Ljxo1GP5i6iEqY6hKX5VxGRgacnZ2Rnp4OJycnWcf2nvKTrOOZwo25Pc1dAhHRC3v8+DESEhLg4+MDW1tbqb08XKlaqb799ltMmDABt2/fho2NzTP7Pu3nC7z45zf3EBERkWLVqlUL8fHxvJeZBcnKykJCQgIiIiIwevTo54YhuTAQERGRotWqVUvxASU8PBzh4eElvtahQwf8/PPPJqtl/vz5+Oyzz9CxY0dMnTrVZO/LQERERKRw77//Pvr371/ia3Z2diatZcaMGZgxY4ZJ3xNgICIiIlK8atWqoVq1auYuw6x4HSIiIiJSPAYiIiIiUjwGIiIiIlI8HkNEBimP104CeP0kIiIqGfcQERERkeJxDxERESlaUlISL8xIDERERKRc5eHWHcOGDcODBw/www8/GLcwhWMgIiIixbp79y6ysrKwYdHHaFjXy+jvF381EYMnzsHdu3dl2UuUm5trsltbVHQMREREpHgN63qhpV99c5fxXJ07d4afnx9sbGywbt06NG7cGIcOHcKhQ4fw4Ycf4uzZs6hWrRqGDh2KOXPmwMrKStquadOmsLW1xddffw0bGxu8//770hWhR4wYgdTUVOzatUt6r/z8fNSoUQPh4eEmu+O8OfGgaiIionJk7dq1sLKywu+//46vvvoKt27dQo8ePdC6dWucPXsWK1euxJo1azBnzpxi2zk4OODYsWOYP38+Zs2ahZiYGADAqFGjsGfPHqSkpEj9d+/ejczMzKfe0qOiYSAiIiIqR+rWrYv58+ejfv36aNCgAVasWIGaNWti2bJlaNCgAfr06YOZM2ciMjIShYWF0nZNmzbF9OnT4evriyFDhqBVq1bYv38/AKBdu3aoX78+1q9fL/WPiorC//3f/6Fy5comn6M5MBARERGVI61atdJ7Hh8fj4CAAKhUKqmtffv2yMzMxM2bN6W2pk2b6m3n4eGB1NRU6fmoUaMQFRUFAEhNTcVPP/2kiK/KijAQERERlSMODg56z4UQemGoqA2AXru1tbVeH5VKpbcHaciQIbh+/TqOHDmCDRs2wNvbGx06dJC7fIvFg6qJiIjKsUaNGmHbtm16wSg2NhaOjo546aWXXngcFxcX9OnTB1FRUThy5AiGDx9urJItEvcQERERlWNjxoxBcnIyPvjgA1y8eBH//e9/MX36dEycOBGVKpXuY37UqFFYu3Yt4uPjMXToUCNVbJm4h4iIiBQv/mpiuX2fl156Cbt378aHH36IZs2aoVq1ahg5ciQ+/vjjUo8VFBQEDw8PNG7cGJ6enrLXaskYiIiISLFcXV1hb2+PwRPnPL+zTOzt7eHq6vrC/aOjo6V/Hzx4sMQ+nTp1wvHjx586RknblXTl6+zsbDx48AAjR4584foqCgYiIiJSrFq1aiE+Pl7x9zIrLCyETqdDZGQknJ2d0bt3b3OXZHIMREREpGi1atWyuIBiaklJSfDx8UGNGjUQHR0tXeFaScx6UPWvv/6K119/HZ6enlCpVMV23wkhMGPGDHh6esLOzg6dO3fG+fPn9frk5OTggw8+gKurKxwcHNC7d2+96y4AQFpaGt555x04OzvD2dkZ77zzDh48eGDk2REREZUP3t7eEEIgOTkZgYGB5i7HLMwaiB49eoRmzZph2bJlJb4+f/58LFq0CMuWLcOJEyeg1WrRtWtXPHz4UOoTEhKCHTt2YPPmzTh8+DAyMzPRq1cvFBQUSH0GDRqEuLg47NmzB3v27EFcXBzeeecdo8+PiIiIygez7hPr3r07unfvXuJrQggsWbIE06ZNQ79+/QA8uQ+Lu7s7Nm7ciNGjRyM9PR1r1qzB+vXrERQUBADYsGEDatasiX379qFbt26Ij4/Hnj17cPToUbRt2xYAsHr1agQEBODSpUuoX9/yb+ZHRETyKLpgIVUscvxcLfY6RAkJCdDpdAgODpbaNBoNOnXqhNjYWADAqVOnkJeXp9fH09MTfn5+Up8jR47A2dlZCkMA8PLLL8PZ2VnqU5KcnBxkZGToPYiIqHwqukpzVlaWmSshYyj6uf7zatylYbFHTel0OgCAu7u7Xru7uzsSExOlPjY2NqhatWqxPkXb63Q6uLm5FRvfzc1N6lOSiIgIzJw5s0xzICIiy6BWq1GlShXp3l329vbFbndB5Y8QAllZWUhNTUWVKlWgVqsNHstiA1GRku7P8rxf4n/2Kan/88aZOnUqJk6cKD3PyMhAzZo1X7RsIiKyMFqtFgD0bmhKFUOVKlWkn6+hLDYQFU1Mp9PBw8NDak9NTZX2Gmm1WuTm5iItLU1vL1FqairatWsn9blz506x8f/6669ie5/+TqPRQKPRyDIXIiIyP5VKBQ8PD7i5uSEvL8/c5ZBMrK2ty7RnqIjFBiIfHx9otVrExMSgRYsWAIDc3FwcOnQI8+bNAwD4+/vD2toaMTEx6N+/PwAgJSUF586dw/z58wEAAQEBSE9Px/Hjx9GmTRsAwLFjx5Ceni6FJiIiUg61Wi3LByhVLGYNRJmZmbh69ar0PCEhAXFxcahWrRpq1aqFkJAQhIeHw9fXF76+vggPD4e9vT0GDRoEAHB2dsbIkSMRGhoKFxcXVKtWDWFhYWjSpIl01lnDhg3x2muv4d1338VXX30FAHjvvffQq1cvnmFGREREAMwciE6ePIkuXbpIz4uO2Rk6dCiio6MxadIkZGdnY8yYMUhLS0Pbtm2xd+9eODo6StssXrwYVlZW6N+/P7KzsxEYGIjo6Gi99P/tt99i/Pjx0tlovXv3fuq1j6hi857yk7lLKLUbc3uauwQiogpPJXhRhheSkZEBZ2dnpKenw8nJSdaxy+OHNJkOAxERkeFe9PPbYq9DRERERGQqDERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgWHYjy8/Px8ccfw8fHB3Z2dqhduzZmzZqFwsJCqY8QAjNmzICnpyfs7OzQuXNnnD9/Xm+cnJwcfPDBB3B1dYWDgwN69+6Nmzdvmno6REREZKEsOhDNmzcPX375JZYtW4b4+HjMnz8fCxYswNKlS6U+8+fPx6JFi7Bs2TKcOHECWq0WXbt2xcOHD6U+ISEh2LFjBzZv3ozDhw8jMzMTvXr1QkFBgTmmRURERBbGytwFPMuRI0fwxhtvoGfPngAAb29vbNq0CSdPngTwZO/QkiVLMG3aNPTr1w8AsHbtWri7u2Pjxo0YPXo00tPTsWbNGqxfvx5BQUEAgA0bNqBmzZrYt28funXrZp7JERERkcWw6ED0yiuv4Msvv8Tly5dRr149nD17FocPH8aSJUsAAAkJCdDpdAgODpa20Wg06NSpE2JjYzF69GicOnUKeXl5en08PT3h5+eH2NjYpwainJwc5OTkSM8zMjKMM0mi5/Ce8pO5Syi1G3N7mrsEIqJSsehANHnyZKSnp6NBgwZQq9UoKCjAZ599hrfeegsAoNPpAADu7u5627m7uyMxMVHqY2Njg6pVqxbrU7R9SSIiIjBz5kw5p0NEREQWyqKPIfruu++wYcMGbNy4EadPn8batWuxcOFCrF27Vq+fSqXSey6EKNb2T8/rM3XqVKSnp0uP5ORkwydCREREFs2i9xB9+OGHmDJlCgYOHAgAaNKkCRITExEREYGhQ4dCq9UCeLIXyMPDQ9ouNTVV2muk1WqRm5uLtLQ0vb1EqampaNeu3VPfW6PRQKPRGGNaREREZGEseg9RVlYWKlXSL1GtVkun3fv4+ECr1SImJkZ6PTc3F4cOHZLCjr+/P6ytrfX6pKSk4Ny5c88MRERERKQcFr2H6PXXX8dnn32GWrVqoXHjxjhz5gwWLVqEESNGAHjyVVlISAjCw8Ph6+sLX19fhIeHw97eHoMGDQIAODs7Y+TIkQgNDYWLiwuqVauGsLAwNGnSRDrrjIiIiJTNogPR0qVL8cknn2DMmDFITU2Fp6cnRo8ejU8//VTqM2nSJGRnZ2PMmDFIS0tD27ZtsXfvXjg6Okp9Fi9eDCsrK/Tv3x/Z2dkIDAxEdHQ01Gq1OaZFREREFkYlhBDmLqI8yMjIgLOzM9LT0+Hk5CTr2OXxtGqiZ+Fp90RkKV7089uijyEiIiIiMgUGIiIiIlI8BiIiIiJSPAYiIiIiUjwGIiIiIlI8BiIiIiJSPAYiIiIiUjwGIiIiIlI8BiIiIiJSPAYiIiIiUjwGIiIiIlI8BiIiIiJSPAYiIiIiUjyDAlFCQoLcdRARERGZjUGBqG7duujSpQs2bNiAx48fy10TERERkUkZFIjOnj2LFi1aIDQ0FFqtFqNHj8bx48flro2IiIjIJAwKRH5+fli0aBFu3bqFqKgo6HQ6vPLKK2jcuDEWLVqEv/76S+46iYiIiIymTAdVW1lZoW/fvtiyZQvmzZuHa9euISwsDDVq1MCQIUOQkpIiV51ERERERlOmQHTy5EmMGTMGHh4eWLRoEcLCwnDt2jX88ssvuHXrFt544w256iQiIiIyGitDNlq0aBGioqJw6dIl9OjRA+vWrUOPHj1QqdKTfOXj44OvvvoKDRo0kLVYIiIiImMwKBCtXLkSI0aMwPDhw6HVakvsU6tWLaxZs6ZMxRERERGZgkGB6MqVK8/tY2Njg6FDhxoyPBEREZFJGXQMUVRUFL7//vti7d9//z3Wrl1b5qKIiIiITMmgQDR37ly4uroWa3dzc0N4eHiZiyIiIiIyJYMCUWJiInx8fIq1e3l5ISkpqcxFEREREZmSQYHIzc0Nf/zxR7H2s2fPwsXFpcxFEREREZmSQYFo4MCBGD9+PA4cOICCggIUFBTgl19+wYQJEzBw4EC5ayQiIiIyKoPOMpszZw4SExMRGBgIK6snQxQWFmLIkCE8hoiIiIjKHYMCkY2NDb777jvMnj0bZ8+ehZ2dHZo0aQIvLy+56yMiIiIyOoMCUZF69eqhXr16ctVCREREZBYGBaKCggJER0dj//79SE1NRWFhod7rv/zyiyzFEREREZmCQYFowoQJiI6ORs+ePeHn5weVSiV3XUREREQmY1Ag2rx5M7Zs2YIePXrIXQ8RERGRyRl02r2NjQ3q1q0rdy1EREREZmFQIAoNDcXnn38OIYTc9RARERGZnEFfmR0+fBgHDhzAzz//jMaNG8Pa2lrv9e3bt8tSHBEREZEpGBSIqlSpgr59+8pdCxEREZFZGBSIoqKi5K6DiIiIyGwMOoYIAPLz87Fv3z589dVXePjwIQDg9u3byMzMlK04IiIiIlMwaA9RYmIiXnvtNSQlJSEnJwddu3aFo6Mj5s+fj8ePH+PLL7+Uu04iIiIiozFoD9GECRPQqlUrpKWlwc7OTmrv27cv9u/fL1txRERERKZg8Flmv//+O2xsbPTavby8cOvWLVkKIyIiIjIVg/YQFRYWoqCgoFj7zZs34ejoWOaiiIiIiEzJoEDUtWtXLFmyRHquUqmQmZmJ6dOn83YeREREVO4Y9JXZ4sWL0aVLFzRq1AiPHz/GoEGDcOXKFbi6umLTpk1y10hERERkVAYFIk9PT8TFxWHTpk04ffo0CgsLMXLkSLz99tt6B1kTERERlQcGBSIAsLOzw4gRIzBixAg56yEiIiIyOYMC0bp16575+pAhQwwqhoiIiMgcDApEEyZM0Huel5eHrKws2NjYwN7eXtZAdOvWLUyePBk///wzsrOzUa9ePaxZswb+/v4AACEEZs6ciVWrViEtLQ1t27bF8uXL0bhxY2mMnJwchIWFYdOmTcjOzkZgYCBWrFiBGjVqyFYnERERlV8GnWWWlpam98jMzMSlS5fwyiuvyHpQdVpaGtq3bw9ra2v8/PPPuHDhAiIjI1GlShWpz/z587Fo0SIsW7YMJ06cgFarRdeuXaXbiQBASEgIduzYgc2bN+Pw4cPIzMxEr169Srx0ABERESmPSggh5Brs5MmTGDx4MC5evCjLeFOmTMHvv/+O3377rcTXhRDw9PRESEgIJk+eDODJ3iB3d3fMmzcPo0ePRnp6OqpXr47169djwIABAJ7cc61mzZrYvXs3unXr9kK1ZGRkwNnZGenp6XBycpJlfkW8p/wk63hE5nZjbk9zl0BEBODFP78NvrlrSdRqNW7fvi3beDt37kSrVq3wf//3f3Bzc0OLFi2wevVq6fWEhATodDoEBwdLbRqNBp06dUJsbCwA4NSpU8jLy9Pr4+npCT8/P6kPERERKZtBxxDt3LlT77kQAikpKVi2bBnat28vS2EAcP36daxcuRITJ07ERx99hOPHj2P8+PHQaDQYMmQIdDodAMDd3V1vO3d3dyQmJgIAdDodbGxsULVq1WJ9irYvSU5ODnJycqTnGRkZck2LiIiILIxBgahPnz56z1UqFapXr45XX30VkZGRctQF4MktQlq1aoXw8HAAQIsWLXD+/HmsXLlS78BtlUqlt50QoljbPz2vT0REBGbOnFmG6omIiKi8MPheZn9/FBQUQKfTYePGjfDw8JCtOA8PDzRq1EivrWHDhkhKSgIAaLVaACi2pyc1NVXaa6TVapGbm4u0tLSn9inJ1KlTkZ6eLj2Sk5PLPB8iIiKyTLIeQyS39u3b49KlS3ptly9fhpeXFwDAx8cHWq0WMTEx0uu5ubk4dOgQ2rVrBwDw9/eHtbW1Xp+UlBScO3dO6lMSjUYDJycnvQcRERFVTAZ9ZTZx4sQX7rto0SJD3gIA8J///Aft2rVDeHg4+vfvj+PHj2PVqlVYtWoVgCdflYWEhCA8PBy+vr7w9fVFeHg47O3tMWjQIACAs7MzRo4cidDQULi4uKBatWoICwtDkyZNEBQUZHBtREREVHEYFIjOnDmD06dPIz8/H/Xr1wfwZM+NWq1Gy5YtpX7PO47neVq3bo0dO3Zg6tSpmDVrFnx8fLBkyRK8/fbbUp9JkyYhOzsbY8aMkS7MuHfvXjg6Okp9Fi9eDCsrK/Tv31+6MGN0dDTUanWZ6iMiIqKKwaDrEC1atAgHDx7E2rVrpbO30tLSMHz4cHTo0AGhoaGyF2puvA4R0YvjdYiIyFIY9TpEkZGRiIiI0DuVvWrVqpgzZ46sZ5kRERERmYJBgSgjIwN37twp1p6amqp3ywwiIiKi8sCgQNS3b18MHz4cW7duxc2bN3Hz5k1s3boVI0eORL9+/eSukYiIiMioDDqo+ssvv0RYWBgGDx6MvLy8JwNZWWHkyJFYsGCBrAUSERERGZtBgcje3h4rVqzAggULcO3aNQghULduXTg4OMhdHxEREZHRlenCjCkpKUhJSUG9evXg4OAAA05YIyIiIjI7gwLRvXv3EBgYiHr16qFHjx5ISUkBAIwaNapCnnJPREREFZtBgeg///kPrK2tkZSUBHt7e6l9wIAB2LNnj2zFEREREZmCQccQ7d27F//73/9Qo0YNvXZfX18kJibKUhgRERGRqRi0h+jRo0d6e4aK3L17FxqNpsxFEREREZmSQYGoY8eOWLdunfRcpVKhsLAQCxYsQJcuXWQrjoiIiMgUDPrKbMGCBejcuTNOnjyJ3NxcTJo0CefPn8f9+/fx+++/y10jERERkVEZtIeoUaNG+OOPP9CmTRt07doVjx49Qr9+/XDmzBnUqVNH7hqJiIiIjKrUe4jy8vIQHByMr776CjNnzjRGTUREREQmVeo9RNbW1jh37hxUKpUx6iEiIiIyOYO+MhsyZAjWrFkjdy1EREREZmHQQdW5ubn4+uuvERMTg1atWhW7h9miRYtkKY6IiIjIFEoViK5fvw5vb2+cO3cOLVu2BABcvnxZrw+/SiMiIqLyplSByNfXFykpKThw4ACAJ7fq+OKLL+Du7m6U4oiIiIhMoVTHEP3zbvY///wzHj16JGtBRERERKZm0EHVRf4ZkIiIiIjKo1IFIpVKVewYIR4zREREROVdqY4hEkJg2LBh0g1cHz9+jPfff7/YWWbbt2+Xr0IiIiIiIytVIBo6dKje88GDB8taDBEREZE5lCoQRUVFGasOIiIiIrMx6MKMRETP4j3lJ3OXUGo35vY0dwlEZEZlOsuMiIiIqCJgICIiIiLF41dmVEx+RioKsjLKPI7a3glWTm4yVERERGRcDESkJz8jFbe//jdEXk6Zx1JZa+A5aiVDERERWTwGItJTkJUBkZcDl16hsHapafA4efeScW9XJAqyMhiIiIjI4jEQUYmsXWpCo61r7jKIiIhMggdVExERkeJxD5EF4EHMRERE5sVAZGZJSUmyHcQMKxtU7zMVaoeqBg+Rdy+57HXIPB6DHhERGRsDkZndvXtXloOYH988jwf7V+OvrTNlqasw+2GZti/ITAMA3NsVWeZaeLYaEREZGwORhSjrQcxFe2KqdBkB21pNDR4n+/pJpP+2AYV5jw0eAwAKczJlqYdnqxERkSkwEFUwVlU8ZAlWcilrPURERKbAs8yIiIhI8RiIiIiISPEYiIiIiEjxGIiIiIhI8RiIiIiISPEYiIiIiEjxGIiIiIhI8RiIiIiISPF4YUYiA8h1Q15RkAeV2rrM4/B+b0REZcNARFRK+Rmp8t2QVya83xsRUdkwEBGVUkFWhiw35C26bxzv90ZEZH7lKhBFRETgo48+woQJE7BkyRIAgBACM2fOxKpVq5CWloa2bdti+fLlaNy4sbRdTk4OwsLCsGnTJmRnZyMwMBArVqxAjRo1zDQTqgjkuiEv7/dGRGR+5eag6hMnTmDVqlVo2lT//0nPnz8fixYtwrJly3DixAlotVp07doVDx8+lPqEhIRgx44d2Lx5Mw4fPozMzEz06tULBQUFpp4GERERWaByEYgyMzPx9ttvY/Xq1ahatarULoTAkiVLMG3aNPTr1w9+fn5Yu3YtsrKysHHjRgBAeno61qxZg8jISAQFBaFFixbYsGED/vzzT+zbt89cUyIiIiILUi4C0dixY9GzZ08EBQXptSckJECn0yE4OFhq02g06NSpE2JjYwEAp06dQl5enl4fT09P+Pn5SX1KkpOTg4yMDL0HERERVUwWfwzR5s2bcfr0aZw4caLYazqdDgDg7u6u1+7u7o7ExESpj42Njd6epaI+RduXJCIiAjNnzixr+URERFQOWPQeouTkZEyYMAEbNmyAra3tU/upVCq950KIYm3/9Lw+U6dORXp6uvRITk4uXfFERERUblj0HqJTp04hNTUV/v7+UltBQQF+/fVXLFu2DJcuXQLwZC+Qh4eH1Cc1NVXaa6TVapGbm4u0tDS9vUSpqalo167dU99bo9FAo9HIPSUyUNEZWWXFCxgSEVFJLDoQBQYG4s8//9RrGz58OBo0aIDJkyejdu3a0Gq1iImJQYsWLQAAubm5OHToEObNmwcA8Pf3h7W1NWJiYtC/f38AQEpKCs6dO4f58+ebdkJUagWZaQCAe7siZRmPFzAkIqKSWHQgcnR0hJ+fn16bg4MDXFxcpPaQkBCEh4fD19cXvr6+CA8Ph729PQYNGgQAcHZ2xsiRIxEaGgoXFxdUq1YNYWFhaNKkSbGDtMnyFOZkAkCZL14I8AKGRET0dBYdiF7EpEmTkJ2djTFjxkgXZty7dy8cHR2lPosXL4aVlRX69+8vXZgxOjoaarXajJVTafDihUREZEzlLhAdPHhQ77lKpcKMGTMwY8aMp25ja2uLpUuXYunSpcYtjsqFsh6PJNfxTEREZDnKXSAiMpTcxyMVZj98ficiIioXGIhIMeQ6HqnopqyFeY/lKo2IiMyMgYgUp6zHI/ErMyKiiseiL8xIREREZAoMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHi82z0REQDvKT+Zu4RSuzG3p7lLIKowuIeIiIiIFI+BiIiIiBSPX5kRVRB595LLPIba3glWTm4yVENEVL4wEBGVcwWZaQCAe7siyzyWyloDz1ErGYqISHEYiIjKucKcTABAlS4jYFurqcHj5N1Lxr1dkSjIymAgIiLFYSAiqiCsqnhAo61r7jKIiMolHlRNREREisdARERERIrHQERERESKx0BEREREisdARERERIrHQERERESKx0BEREREisdARERERIrHQERERESKx0BEREREisdbdxCRnrx7yWUeQ23vxPuhEVG5wkBERACAgsw0AMC9XZFlHktlrYHnqJUMRURUbjAQEREAoDAnEwBQpcsI2NZqavA4efeScW9XJAqyMhiIiKjcYCAiIj1WVTyg0dY1dxlERCbFg6qJiIhI8RiIiIiISPEYiIiIiEjxGIiIiIhI8XhQNREZBa9nRETlCQMREcmK1zMiovKIgYiIZMXrGRFRecRARERGwesZEVF5woOqiYiISPG4h8hCPE76A/kZfxm8fY7uiozVEBERKQsDkZnl5OQAAB4c+EaeAQvy5RmHiIhIQSw6EEVERGD79u24ePEi7Ozs0K5dO8ybNw/169eX+gghMHPmTKxatQppaWlo27Ytli9fjsaNG0t9cnJyEBYWhk2bNiE7OxuBgYFYsWIFatSoYY5p6dFoNAAAvw7BcKhSzeBx7t68gWtnjgJqi/6REhERWSSL/vQ8dOgQxo4di9atWyM/Px/Tpk1DcHAwLly4AAcHBwDA/PnzsWjRIkRHR6NevXqYM2cOunbtikuXLsHR0REAEBISgh9//BGbN2+Gi4sLQkND0atXL5w6dQpqtdqcU5R41G2AatqyBbRrZ47KVA0REZGyWHQg2rNnj97zqKgouLm54dSpU+jYsSOEEFiyZAmmTZuGfv36AQDWrl0Ld3d3bNy4EaNHj0Z6ejrWrFmD9evXIygoCACwYcMG1KxZE/v27UO3bt1MPi8iIiKyLOXqLLP09HQAQLVqT75aSkhIgE6nQ3BwsNRHo9GgU6dOiI2NBQCcOnUKeXl5en08PT3h5+cn9SlJTk4OMjIy9B5ERERUMZWbQCSEwMSJE/HKK6/Az88PAKDT6QAA7u7uen3d3d2l13Q6HWxsbFC1atWn9ilJREQEnJ2dpUfNmjXlnA4RERFZkHITiMaNG4c//vgDmzZtKvaaSqXSey6EKNb2T8/rM3XqVKSnp0uP5OSy35eJiIiILFO5CEQffPABdu7ciQMHDuidGabVagGg2J6e1NRUaa+RVqtFbm4u0tLSntqnJBqNBk5OTnoPIiIiqpgsOhAJITBu3Dhs374dv/zyC3x8fPRe9/HxgVarRUxMjNSWm5uLQ4cOoV27dgAAf39/WFtb6/VJSUnBuXPnpD5ERESkbBZ9ltnYsWOxceNG/Pe//4Wjo6O0J8jZ2Rl2dnZQqVQICQlBeHg4fH194evri/DwcNjb22PQoEFS35EjRyI0NBQuLi6oVq0awsLC0KRJE+msMyIiIlI2iw5EK1euBAB07txZrz0qKgrDhg0DAEyaNAnZ2dkYM2aMdGHGvXv3StcgAoDFixfDysoK/fv3ly7MGB0dbTHXICIiIiLzsuhAJIR4bh+VSoUZM2ZgxowZT+1ja2uLpUuXYunSpTJWR0SmkHev7Cc0qO2dYOXkJkM1RFRRWXQgIiLlKsh8ciLEvV2RZR5LZa2B56iVDEVE9FQMRBVM7u1LZdo+R3dFpkqIyqYwJxMAUKXLCNjWamrwOHn3knFvVyQeJ5+HtUvZLrDKPU1EFRcDUQVRUFgAAMg4tlWmAfPlGYeojKyqeECjrWvw9tzTREQvgoGoglBXenKAeMPWAXDSehk8zt2bN57cJFbNXw2qGOTe01SQlcFARFQB8VOvgtHW9IZb/RZlGuPamaMyVUNkOcq6p4mIKjaLvjAjERERkSkwEBEREZHiMRARERGR4vEYIiKicsp7yk/mLqHUbsztae4SiErEPURERESkeAxEREREpHgMRERERKR4PIaISiTXLUB4KxEiIioPGIhIj9y3AOGtRKiiybuXXOYxeE80IsvDQER65L4FCG8lQhUF74lGVLHxU4ZKJNctQHgrEaooeE80ooqNgYiIqBR4TzSiiolnmREREZHiMRARERGR4jEQERERkeIxEBEREZHi8aBqIiIz4PWMiCwLAxERkQnxekZElomBiIjIhHg9IyLLxEBERGQGvJ4RkWXhQdVERESkeNxDRGRmubcvlWn7HN0VmSohIlIuBiIqF8oaGgALDA7iyf9kHNsqz3gF+fKMQ0SkQAxEZNEKCgsAyBgaAIsJDiobWwBAnRYvw7WGt8Hj3L1548kNcNX8z5mIyFD8C0oWTV1JDQBo2DoATlqvMo1lqcHBtYY3vP1almmMa2eOylQNEZEyWdYnA9FTaGt6w61+izKPw+BAREQlYSAiIirHeMVrInkwEBERlUO84jWRvBiISHF4mjtVBOX1itfeU34y+nvI7cbcnuYugUyAgYgUQ+4z1nJuXSzT9nJcSoBIrite86s3UjoGIlIMuc5YS028hoQ/TuDh8W14KENdViiQYRQiw/CrN6InGIhIceQ4Yy3hjxNlDlZFlwGwseZ/hmQ+5fWrNyK58S8xkYHkCFa8DABZCt5slpSON3clIiIixWMgIiIiIsXjV2ZERCQbnq1G5RUDERERlRnPVqPyjoGIiIjKjGerUXnHQERERLKpiGer8eraysBAREREFofHIpGpMRARVRC8RxtVBHIeiwQrG1TvMxVqh6plGobBShkYiIjKOUu7RxuDFZWFXMciPb55Hg/2r8ZfW2eWvSgGK0VgICIq5yz1Hm0oyJdjFFKosh6LVPSVmyUFK549Z9kUFYhWrFiBBQsWICUlBY0bN8aSJUvQoUMHc5dFJAtLu0db7p1rgNrwPzHc00RysJRgxbPnLJ9iAtF3332HkJAQrFixAu3bt8dXX32F7t2748KFC6hVq5a5yyOyGGUNVgWFBcCZo7J9hcc9TWQJ5Dp7jgeLWy7FBKJFixZh5MiRGDVqFABgyZIl+N///oeVK1ciIiLCzNURVRxyfYXHPU1UkZj6YPHTp08/dxhXV1fuEPgbRQSi3NxcnDp1ClOmTNFrDw4ORmxsrJmqIqrYLG1Pk1wHi8t1Nh/PClQWUx8s7r/2BQaT6WBxUZAHldq6TGMAwLFZfc0a0BQRiO7evYuCggK4u7vrtbu7u0On05W4TU5ODnJycqTn6enpAICMjAxZa8vMfPIfyf2UW8jPzXlO76fLuJsKAHhwNxWwu8ZxykFNHOfZHt2/BwCo6dsAdlUN/3og/a4Od65flu1gcbkCmlzjPE76E4V5hv/tyLl14cn/Jp3jOCYYpyDjHnLv3TR4nLz7T7a1q9ce1i41DB8n7TayL/4mz1l4Mqn/3RScPHkSNWvWlHXcos9tIcSzOwoFuHXrlgAgYmNj9drnzJkj6tevX+I206dPFwD44IMPPvjgg48K8EhOTn5mVlDEHiJXV1eo1epie4NSU1OL7TUqMnXqVEycOFF6XlhYiPv378PFxQUqlUq22jIyMlCzZk0kJyfDyclJtnHLE64B1wDgGhThOnANAK4BIN8aCCHw8OFDeHp6PrOfIgKRjY0N/P39ERMTg759+0rtMTExeOONN0rcRqPRQKPR6LVVqVLFaDU6OTkp9pe+CNeAawBwDYpwHbgGANcAkGcNnJ2dn9tHEYEIACZOnIh33nkHrVq1QkBAAFatWoWkpCS8//775i6NiIiIzEwxgWjAgAG4d+8eZs2ahZSUFPj5+WH37t3w8vIyd2lERERkZooJRAAwZswYjBkzxtxl6NFoNJg+fXqxr+eUhGvANQC4BkW4DlwDgGsAmH4NVEI87zw0IiIiooqtkrkLICIiIjI3BiIiIiJSPAYiIiIiUjwGIiIiIlI8BiIjWLFiBXx8fGBrawt/f3/89ttvT+178OBBqFSqYo+LF/VvRLlt2zY0atQIGo0GjRo1wo4dO4w9jTKRew3Onz+Pf/3rX/D29oZKpcKSJUtMMIuykXsNVq9ejQ4dOqBq1aqoWrUqgoKCcPz4cVNMxWByr8H27dvRqlUrVKlSBQ4ODmjevDnWr19viqkYzBh/D4ps3rwZKpUKffr0MVL18pB7DaKjo0vs8/jxY1NMxyDG+D148OABxo4dCw8PD9ja2qJhw4bYvXu3sadiMLnXoHPnziX26dmzp2EFynO3MCqyefNmYW1tLVavXi0uXLggJkyYIBwcHERiYmKJ/Q8cOCAAiEuXLomUlBTpkZ+fL/WJjY0VarVahIeHi/j4eBEeHi6srKzE0aNHTTWtUjHGGhw/flyEhYWJTZs2Ca1WKxYvXmyi2RjGGGswaNAgsXz5cnHmzBkRHx8vhg8fLpydncXNmzdNNa1SMcYaHDhwQGzfvl1cuHBBXL16VSxZskSo1WqxZ88eU02rVIyxBkVu3LghXnrpJdGhQwfxxhtvGHkmhjPGGkRFRQknJye911NSUkw1pVIzxhrk5OSIVq1aiR49eojDhw+LGzduiN9++03ExcWZalqlYow1uHfvnt5r586dE2q1WkRFRRlUIwORzNq0aSPef/99vbYGDRqIKVOmlNi/6Ieelpb21DH79+8vXnvtNb22bt26iYEDB5a5XmMwxhr8nZeXl8UHImOvgRBC5OfnC0dHR7F27dqylGo0plgDIYRo0aKF+Pjjjw0t06iMtQb5+fmiffv24uuvvxZDhw616EBkjDWIiooSzs7OMlZpXMZYg5UrV4ratWuL3NxcOUs1GlP8PVi8eLFwdHQUmZmZBtXIr8xklJubi1OnTiE4OFivPTg4GLGxsc/ctkWLFvDw8EBgYCAOHDig99qRI0eKjdmtW7fnjmkOxlqD8sRUa5CVlYW8vDxUq1atzDXLzRRrIITA/v37cenSJXTs2FGWuuVkzDWYNWsWqlevjpEjR8pas9yMuQaZmZnw8vJCjRo10KtXL5w5c0bW2uVirDXYuXMnAgICMHbsWLi7u8PPzw/h4eEoKCiQfQ5lZaq/iWvWrMHAgQPh4OBgUJ2KulK1sd29excFBQVwd3fXa3d3d4dOpytxGw8PD6xatQr+/v7IycnB+vXrERgYiIMHD0p/5HU6XanGNCdjrUF5Yqo1mDJlCl566SUEBQXJPoeyMuYapKen46WXXkJOTg7UajVWrFiBrl27GnU+hjDWGvz+++9Ys2YN4uLijD2FMjPWGjRo0ADR0dFo0qQJMjIy8Pnnn6N9+/Y4e/YsfH19jT6v0jDWGly/fh2//PIL3n77bezevRtXrlzB2LFjkZ+fj08//dTo8yoNU/xNPH78OM6dO4c1a9YYXCcDkRGoVCq950KIYm1F6tevj/r160vPAwICkJycjIULF+r90EszpiUwxhqUN8Zcg/nz52PTpk04ePAgbG1t5S1cRsZYA0dHR8TFxSEzMxP79+/HxIkTUbt2bXTu3NkocygrOdfg4cOHGDx4MFavXg1XV1ej1i0nuX8PXn75Zbz88stSn/bt26Nly5ZYunQpvvjiCyPMoOzkXoPCwkK4ublh1apVUKvV8Pf3x+3bt7FgwQKLC0RFjPk3cc2aNfDz80ObNm0Mro9fmcnI1dUVarW6WOJNTU0tloyf5eWXX8aVK1ek51qttsxjmoqx1qA8MfYaLFy4EOHh4di7dy+aNm1a5nqNwZhrUKlSJdStWxfNmzdHaGgo3nzzTURERMhSt5yMsQbXrl3DjRs38Prrr8PKygpWVlZYt24ddu7cCSsrK1y7dk3WOZSVqf4eVKpUCa1bt7bIvxnGWgMPDw/Uq1cParVaamvYsCF0Oh1yc3PLXriMjP17kJWVhc2bN2PUqFFlqpOBSEY2Njbw9/dHTEyMXntMTAzatWv3wuOcOXMGHh4e0vOAgIBiY+7du7dUY5qKsdagPDHmGixYsACzZ8/Gnj170KpVK1nqNQZT/h4IIZCTk2NQncZkjDVo0KAB/vzzT8TFxUmP3r17o0uXLoiLi0PNmjVlnUNZmer3QAiBuLg4i/ybYaw1aN++Pa5evYrCwkKp7fLly/Dw8ICNjU3ZC5eRsX8PtmzZgpycHAwePLhshRp0KDY9VdGphWvWrBEXLlwQISEhwsHBQdy4cUMIIcSUKVPEO++8I/VfvHix2LFjh7h8+bI4d+6cmDJligAgtm3bJvX5/fffhVqtFnPnzhXx8fFi7ty55eK0eznXICcnR5w5c0acOXNGeHh4iLCwMHHmzBlx5coVk8/vRRhjDebNmydsbGzE1q1b9U41ffjwocnn9yKMsQbh4eFi79694tq1ayI+Pl5ERkYKKysrsXr1apPP70UYYw3+ydLPMjPGGsyYMUPs2bNHXLt2TZw5c0YMHz5cWFlZiWPHjpl8fi/CGGuQlJQkKleuLMaNGycuXbokdu3aJdzc3MScOXNMPr8XYcz/Fl555RUxYMCAMtfIQGQEy5cvF15eXsLGxka0bNlSHDp0SHpt6NCholOnTtLzefPmiTp16ghbW1tRtWpV8corr4iffvqp2Jjff/+9qF+/vrC2thYNGjR45h9ISyD3GiQkJAgAxR5/H8fSyL0GXl5eJa7B9OnTTTSj0pN7DaZNmybq1q0r9QkICBCbN2821XQMYoy/B39n6YFICPnXICQkRNSqVUvY2NiI6tWri+DgYBEbG2uq6RjEGL8HsbGxom3btkKj0YjatWuLzz77rMRrVlkKY6zBpUuXBACxd+/eMtenEkKIsu1jIiIiIirfeAwRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMRERERKR4DERERESkeAxEREREpHgMREdELysvLM3cJRGQkDEREVO5t3boVTZo0gZ2dHVxcXBAUFIRHjx4BAL755hs0btwYGo0GHh4eGDdunLRdUlIS3njjDVSuXBlOTk7o378/7ty5I70+Y8YMNG/eHN988w1q164NjUYDIQTS09Px3nvvwc3NDU5OTnj11Vdx9uxZk8+biOTDQERE5VpKSgreeustjBgxAvHx8Th48CD69esHIQRWrlyJsWPH4r333sOff/6JnTt3om7dugAAIQT69OmD+/fv49ChQ4iJicG1a9cwYMAAvfGvXr2KLVu2YNu2bYiLiwMA9OzZEzqdDrt378apU6fQsmVLBAYG4v79+6aePhHJhDd3JaJy7fTp0/D398eNGzfg5eWl99pLL72E4cOHY86cOcW2i4mJQffu3ZGQkICaNWsCAC5cuIDGjRvj+PHjaN26NWbMmIHw8HDcunUL1atXBwD88ssv6Nu3L1JTU6HRaKTx6tati0mTJuG9994z4myJyFiszF0AEVFZNGvWDIGBgWjSpAm6deuG4OBgvPnmm8jLy8Pt27cRGBhY4nbx8fGoWbOmFIYAoFGjRqhSpQri4+PRunVrAICXl5cUhgDg1KlTyMzMhIuLi9542dnZuHbtmhFmSESmwEBEROWaWq1GTEwMYmNjsXfvXixduhTTpk3D/v37n7mdEAIqleq57Q4ODnqvFxYWwsPDAwcPHiy2bZUqVQyaAxGZHwMREZV7KpUK7du3R/v27fHpp5/Cy8sLMTEx8Pb2xv79+9GlS5di2zRq1AhJSUlITk7W+8osPT0dDRs2fOp7tWzZEjqdDlZWVvD29jbWlIjIxBiIiKhcO3bsGPbv34/g4GC4ubnh2LFj+Ouvv9CwYUPMmDED77//Ptzc3NC9e3c8fPgQv//+Oz744AMEBQWhadOmePvtt7FkyRLk5+djzJgx6NSpE1q1avXU9wsKCkJAQAD69OmDefPmoX79+rh9+zZ2796NPn36PHNbIrJcDEREVK45OTnh119/xZIlS5CRkQEvLy9ERkaie/fuAIDHjx9j8eLFCAsLg6urK958800AT/Yq/fDDD/jggw/QsWNHVKpUCa+99hqWLl36zPdTqVTYvXs3pk2bhhEjRuCvv/6CVqtFx44d4e7ubvT5EpFx8CwzIiIiUjxeh4iIiIgUj4GIiIiIFI+BiIiIiBSPgYiIiIgUj4GIiIiIFI+BiIiIiBSPgYiIiIgUj4GIiIiIFI+BiIiIiBSPgYiIiIgUj4GIiIiIFI+BiIiIiBTv/wFSGvPzqwrvSgAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZkAAAGZCAYAAABbpUzOAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABJiklEQVR4nO3dd3zM9+MH8Ndl3WVPsoyEEFuorbVbqwhK6SBUq/VTWtrSKopSs1Wr9NtKrQ6l1KpRqq1K0ZolZhFJSCIR2ePu3r8/rsJJkHF37xuv5+Nxj8jnPnef1+XiXvms90chhBAgIiIyAjvZAYiIyHqxZIiIyGhYMkREZDQsGSIiMhqWDBERGQ1LhoiIjIYlQ0RERsOSISIio2HJEBGR0bBkzNxXX30FhUKBv/76S3aUcomNjcWLL76IGjVqQKVSwc/PD02bNsXo0aORkZEhO16pffDBB1AoFLh586bRl7V48WKEhYXByckJCoUC6enpRl+mtZo1axY2b94sO4ZNY8mQ0Rw7dgyPPfYYzpw5gylTpmDnzp1Yvnw5evbsiV27diEtLU12RLNz/PhxjBkzBh07dsS+ffsQExMDd3d32bEsFktGPgfZAcgwcnJy4OLiIjuGnoULF8LOzg779+/X+6B85plnMGPGDHDYvOJOnz4NAHj55ZfRokULyWmIKo5rMhYoKioKbm5uOHXqFJ566im4u7ujc+fOAIC0tDSMGjUKwcHBcHJyQo0aNTBp0iTk5+frPYdCocDo0aOxZs0a1K1bFy4uLmjcuDG2bdtWNM/vv/8OhUKBb775pliG1atXQ6FQ4MiRIw/MmZqaCg8PD7i5uZV4v0KhKPp3hw4d0KBBA/z+++9o1aoVnJ2dERwcjMmTJ0Oj0eg9rqCgAB9++CHq1KkDpVKJSpUqYdiwYUhJSSm2jO+++w6tW7eGq6sr3Nzc0LVrVxw7dqzYfIcOHUKvXr3g6+sLlUqFmjVr4o033ig2X1JSEgYPHgxPT0/4+/tj+PDhuH379gN/BvdauXIlGjduDJVKBR8fH/Tt2xexsbF6P4MXXngBANCyZUsoFApERUU99DnPnj2LwYMHw9/fH0qlEtWqVcOQIUP03u9//vkHffr0gbe3N1QqFSIiIrBq1Sq959m/fz8UCgW+/vprTJgwAYGBgXBzc0OvXr2QlJSEzMxMvPLKK/Dz84Ofnx+GDRuGrKwsvee48zsVHR2N8PBwODs7o1mzZvjzzz8hhMC8efMQGhoKNzc3dOrUCRcvXiz2en7++Wd07twZHh4ecHFxQdu2bbF37169ee5sujx9+vRD3wuFQoHs7GysWrUKCoUCCoUCHTp0AKD7o+ytt95CaGho0fvRrFmzEn/XqYIEmbXo6GgBQBw5cqRo2tChQ4Wjo6MICQkRH330kdi7d6/YtWuXyM3NFY0aNRKurq5i/vz5Yvfu3WLy5MnCwcFB9OjRQ+95AYiQkBDRokULsX79erFjxw7RoUMH4eDgIC5dulQ0X5MmTUTbtm2L5WrevLlo3rz5Q7N/+OGHAoAYPHiw2L9/v8jJyXngvO3btxe+vr4iKChILFq0SOzatUuMGTNGABD/93//VzSfRqMR3bp1E66urmLatGliz5494osvvhDBwcGiXr16esuYOXOmUCgUYvjw4WLbtm3ihx9+EK1btxaurq7i9OnTRfPt3LlTODo6ikaNGomvvvpK7Nu3T6xcuVIMGjSoaJ6pU6cKACI8PFxMmTJF7NmzR3z88cdCqVSKYcOGPfTnIIQQs2bNKvpZbN++XaxevVrUqFFDeHp6ivPnzwshhDh9+rR4//33BQARHR0tYmJixMWLFx/4nMePHxdubm4iJCRELF++XOzdu1esXbtWDBw4UGRkZAghhDh79qxwd3cXNWvWFKtXrxbbt28XgwcPFgDEnDlzip7rl19+EQBE9erVRVRUlNi5c6dYvny5cHNzEx07dhRPPvmkeOutt8Tu3bvFnDlzhL29vXj99df18tx5fJs2bcQPP/wgNm3aJGrXri18fHzEm2++Kfr06SO2bdsm1q1bJ/z9/UWjRo2EVqstevyaNWuEQqEQkZGR4ocffhBbt24VTz/9tLC3txc///xzmd+LmJgY4ezsLHr06CFiYmJETExM0fs+cuRI4eLiIj7++GPxyy+/iG3btonZs2eLxYsXP/K9pLJhyZi5B5UMALFy5Uq9eZcvXy4AiPXr1+tNnzNnjgAgdu/eXTQNgPD39y/6MBJCiBs3bgg7Ozvx0UcfFVv+sWPHiqYdPnxYABCrVq16aPa8vDwRGRkpAAgAwt7eXjRp0kRMmjRJJCcn683bvn17AUD8+OOPetNffvllYWdnJ65evSqEEOKbb74RAMTGjRv15jty5IgAIJYtWyaEECIuLk44ODgU+yDMzMwUAQEBYuDAgUXTatasKWrWrClyc3Mf+FrufLDNnTtXb/qoUaOESqXS+7C8361bt4o+7O4VFxcnlEqleO6554qmlfR+P0inTp2El5dXsZ/lvQYNGiSUSqWIi4vTm969e3fh4uIi0tPThRB3S6ZXr156873xxhsCgBgzZoze9MjISOHj46M3DYAICAgQWVlZRdM2b94sAIiIiAi9n9HChQsFAHHy5EkhhBDZ2dnCx8en2PI1Go1o3LixaNGiRdG0srwXrq6uYujQocV+Lg0aNBCRkZHFppPhcXOZBevfv7/e9/v27YOrqyueeeYZvel3Nrncv9mhY8eOevtK/P39UblyZVy9erVo2uDBg1G5cmUsXbq0aNrixYtRqVIlPPvssw/Np1QqsWnTJpw5cwaffPIJBg0ahJSUFMycORN169bFuXPn9OZ3d3dH79699aY999xz0Gq1+O233wAA27Ztg5eXF3r16gW1Wl10i4iIQEBAAPbv3w8A2LVrF9RqNYYMGaI3n0qlQvv27YvmO3/+PC5duoSXXnoJKpXqoa8HQLF8jRo1Ql5eHpKTkx/4mJiYGOTm5hbb9FW1alV06tSp2PtSGjk5Ofj1118xcOBAVKpU6YHz7du3D507d0bVqlX1pkdFRSEnJwcxMTF6059++mm97+vWrQsA6NmzZ7HpaWlpxTaZdezYEa6ursUe3717d73No3em3/ldO3jwINLS0jB06FC990ur1aJbt244cuQIsrOz9ZZVnvfijhYtWuCnn37CxIkTsX//fuTm5j7yMVQ+3PFvoVxcXODh4aE3LTU1FQEBAXr/mQGgcuXKcHBwQGpqqt50X1/fYs+rVCr1/sMplUqMHDkSCxYswLx581BYWIj169dj3LhxUCqVpcpat27dog8VIQQWLlyIcePGYfLkyVi/fn3RfP7+/sUeGxAQUPTaAN0+kfT0dDg5OZW4rDuHGCclJQEAmjdvXuJ8dna6v6/u7MepUqVKqV7L/T+zOz+Dh31I3ckeGBhY7L6goCDs2bOnVMu+161bt6DRaB6ZOzU19YHLvTfbHT4+Pnrf3/k5P2h6Xl6e3j638jweuPt+3f8H0r3S0tL0Cqw878UdixYtQpUqVfDdd99hzpw5UKlU6Nq1K+bNm4datWo98vFUeiwZC3V/kQC6/3SHDh2CEELv/uTkZKjVavj5+ZVrWa+99hpmz56NlStXIi8vD2q1Gq+++mq5c7/55puYPn06/vnnH7377nzQ3OvGjRsA7n6g+Pn5wdfXFzt37izx+e+smd15rRs2bED16tUfmOfOWkB8fHwZX0np3cl+/fr1YvclJiaW633x8fGBvb39I3P7+vo+cLkAyv07YWh3cixevBitWrUqcZ6S/ggpL1dXV0ybNg3Tpk1DUlJS0VpNr169cPbsWYMth1gyVqVz585Yv349Nm/ejL59+xZNX716ddH95REYGIgBAwZg2bJlKCgoQK9evVCtWrVHPu769esl/hWdmJiIjIwMPPbYY3rTMzMzsWXLFr3NIF9//TXs7OzQrl07ALrNOd9++y00Gg1atmz5wGV37doVDg4OuHTpUrHNiveqXbs2atasiZUrV5Zp7awsWrduDWdnZ6xduxYDBgwomh4fH499+/Y99K/3B3F2dkb79u3x/fffY+bMmQ8si86dO2PTpk1ITEwsWnsBdL8TLi4uD/xAN7W2bdvCy8sLZ86cwejRow32vPevmZfE398fUVFROHHiBBYuXGiWpwNYMpaMFRkyZAiWLl2KoUOH4sqVK2jYsCEOHDiAWbNmoUePHujSpUu5n3vs2LFFH+rR0dGleswrr7yC9PR09O/fHw0aNIC9vT3Onj2LTz75BHZ2dpgwYYLe/L6+vnjttdcQFxeH2rVrY8eOHfjf//6H1157rajUBg0ahHXr1qFHjx4YO3YsWrRoAUdHR8THx+OXX35Bnz590LdvX4SEhGD69OmYNGkS/v33X3Tr1g3e3t5ISkrC4cOHi/6SBYClS5eiV69eaNWqFd58801Uq1YNcXFx2LVrF9atW1fun9kdXl5emDx5Mt577z0MGTIEgwcPRmpqKqZNmwaVSoWpU6eW63k//vhjPP7442jZsiUmTpyIsLAwJCUlYcuWLVixYgXc3d0xdepUbNu2DR07dsSUKVPg4+ODdevWYfv27Zg7dy48PT0r/PoMwc3NDYsXL8bQoUORlpaGZ555BpUrV0ZKSgpOnDiBlJQUfPbZZ2V+3oYNG2L//v3YunUrAgMD4e7ujvDwcLRs2RJPP/00GjVqBG9vb8TGxmLNmjVo3bo1C8bQZB95QA/3oKPLXF1dS5w/NTVVvPrqqyIwMFA4ODiI6tWri3fffVfk5eXpzYf7Dg2+o3r16iUejSOEECEhIaJu3bqlzr5r1y4xfPhwUa9ePeHp6SkcHBxEYGCg6Nevn4iJidGbt3379qJ+/fpi//79olmzZkKpVIrAwEDx3nvvicLCQr15CwsLxfz580Xjxo2FSqUSbm5uok6dOmLkyJHiwoULevNu3rxZdOzYUXh4eAilUimqV68unnnmGb1DYoXQHe7avXt34enpKZRKpahZs6Z48803i+6/c0RTSkqK3uPuvD+XL19+5M/jiy++EI0aNRJOTk7C09NT9OnTR+9Q6nufrzRHlwkhxJkzZ8SAAQOEr6+vcHJyEtWqVRNRUVF67/epU6dEr169hKenp3BychKNGzcW0dHRes9z5+iy77//vlR5Svp5lPQ7dfnyZQFAzJs3r1TL+/XXX0XPnj2Fj4+PcHR0FMHBwaJnz55685XlvTh+/Lho27atcHFxEQBE+/bthRBCTJw4UTRr1kx4e3sLpVIpatSoId58801x8+bNEn7KVBEKIXjaNT3ayZMn0bhxYyxduhSjRo0y+PN36NABN2/eLLafhogsGzeX0UNdunQJV69exXvvvYfAwMBHnoFORHQvnidDDzVjxgw8+eSTyMrKwvfff8/t1URUJtxcRkRERsM1GSIiMhqWDBERGQ1LhoiIjIYlQ0RERsOSISIio2HJEBGR0bBkiIjIaFgyRERkNCwZIiIyGo5dRkQVptVqUVBQIDsGGYijoyPs7e0N8lwsGSKqkIKCAly+fBlarVZ2FDIgLy+vEi/nXlYsGSIqNyEErl+/Dnt7e1StWhV2dtwCb+mEEMjJyUFycjIAlHh127JgyRBRuanVauTk5CAoKIgjdFsRZ2dnAEBycjIqV65coU1n/LODiMpNo9EAAJycnCQnIUO780dDYWFhhZ6HJUNEFVbR7fZkfgz1nrJkiIjIaFgyRERkNNzxT0QGFzJxu0mXd2V2T5Muj0qPazJEZHOioqIQGRkpO4ZNYMkQEd2DIxcYFkuGiGxahw4dMHr0aIwbNw5+fn548sknAQC//vorWrRoAaVSicDAQEycOBFqtVrvcWPGjME777wDHx8fBAQE4IMPPii6f/jw4Xj66af1lqVWqxEQEICVK1ea5LWZA5YMEdm8VatWwcHBAX/88QdWrFiBhIQE9OjRA82bN8eJEyfw2Wef4csvv8SHH35Y7HGurq44dOgQ5s6di+nTp2PPnj0AgBEjRmDnzp24fv160fw7duxAVlYWBg4caNLXJxNLhohsXlhYGObOnYvw8HDUqVMHy5YtQ9WqVbFkyRLUqVMHkZGRmDZtGhYsWKA3RlujRo0wdepU1KpVC0OGDEGzZs2wd+9eAECbNm0QHh6ONWvWFM0fHR2NAQMGwM3NzeSvURaWDBHZvGbNmul9Hxsbi9atW+udkNi2bVtkZWUhPj6+aFqjRo30HhcYGFg05hegW5uJjo4GoBuiZfv27Rg+fLgxXoLZYskQkc1zdXXV+14IUeyMdyEEAP0z4R0dHfXmUSgUems6Q4YMwb///ouYmBisXbsWISEheOKJJwwd36zxPBkiovvUq1cPGzdu1CubgwcPwt3dHcHBwaV+Hl9fX0RGRiI6OhoxMTEYNmyYsSKbLa7JEBHdZ9SoUbh27Rpef/11nD17Fj/++COmTp2KcePGlflyBiNGjMCqVasQGxuLoUOHGimx+eKaDBEZnKWfgR8cHIwdO3bg7bffRuPGjeHj44OXXnoJ77//fpmfq0uXLggMDET9+vURFBRkhLTmTSHubGgkIiqjvLw8XL58GaGhoVCpVLLjmKU719tZuXIl+vXrJztOqRnqveWaDBGREWi1Wty4cQMLFiyAp6cnevfuLTuSFCwZIiIjiIuLQ2hoKKpUqYKvvvoKDg62+XFrm6+aiMjIQkJCwL0RPLqMiIiMiCVDRERGw5IhIiKjYckQEZHRsGSIiMhoWDJERGQ0PISZiAzvA08TL++2aZdHpcY1GSKyOVFRUVAoFJg9e7be9M2bNxcb4t+YFAoFNm/ebLLlycA1GaKH0WqB/AzdLe/+r7f1v8/PAiAAhd3dGxSAnT3goAIclLqvjirdV6UH4B6gu7kFAK5+gAk/4GydSqXCnDlzMHLkSHh7e8uOU6LCwsJi16yxNCwZoqwUIO1f4NZl3de0y3e/z0kDYKKztu0cAbfKgJs/4B4IuP/31c0f8AgCfMMA7xAWkYF06dIFFy9exEcffYS5c+eWOM/GjRsxZcoUXLx4EYGBgXj99dcxfvz4ovtDQkLwyiuv4OLFi/j+++/h7e2N999/H6+88kqZ81y5cgWhoaH47rvvsGzZMvz555/47LPPMHToUHz44Yf4/PPPkZKSgrp162L27Nno1q2b3uM2btyIxYsX49ChQ6hVqxaWL1+O1q1bIzs7G4GBgVi5ciWeeeaZouVt3boVgwYNwo0bN+Du7l7mvKXFkiHboNUASf8A108AqZfuKZUrQEGm7HQ62kIgI0F3exAnd6ByXcC//n+3BrqvKg/T5bQS9vb2mDVrFp577jmMGTMGVapU0bv/77//xsCBA/HBBx/g2WefxcGDBzFq1Cj4+voiKiqqaL4FCxZgxowZeO+997Bhwwa89tpraNeuHerUqVOuXBMmTMCCBQsQHR0NpVKJTz/9FAsWLMCKFSvQpEkTrFy5Er1798bp06dRq1atosdNmjQJ8+fPR61atTBp0iQMHjwYFy9ehKurKwYNGoTo6Gi9krnzvTELBmDJkLXKSgauHQbijwDxfwGJx4DCbNmpKq4gE4g/rLvdy7PaPcVTHwhuqlvroYfq27cvIiIiMHXqVHz55Zd693388cfo3LkzJk+eDACoXbs2zpw5g3nz5umVTI8ePTBq1CgAuoL45JNPsH///nKXzBtvvKF3SYD58+djwoQJGDRoEABgzpw5+OWXX7Bw4UIsXbq0aL633noLPXvqruMzbdo01K9fHxcvXkSdOnUwYsQItGnTBomJiQgKCsLNmzexbds27Nmzp1wZy4IlQ5ZPUwhcP/lfofxXLOlxslOZ1u043e38T3eneVUHarQHQv+7uVWSl8+MzZkzB506ddLbDAYAsbGx6NOnj960tm3bYuHChdBoNLC3twcANGrUqOh+hUKBgIAAJCcnlztPs2bNiv6dkZGBxMREtG3btliOEydO6E27N0dgYCAAIDk5GXXq1EGLFi1Qv359rF69GhMnTsSaNWtQrVo1tGvXrtw5S4slQ5Yp5RxwfhdwcY9ujUWdJzuR+Um/ChxdrbtBAVSud7d0QtoCSuNuJrEU7dq1Q9euXfHee+/praEIIYodaVbSqMr375hXKBTQarXlzuPq6lpsWkk57p92b447992bY8SIEViyZAkmTpyI6OhoDBs2zCRH0rFkyDKo84HLvwHndwIX9ug+QKkMBJB8Wnf7cxlg5wAEP6YrnJodgaqtgDJeu96azJ49GxEREahdu3bRtHr16uHAgQN68x08eBC1a9cuWosxNg8PDwQFBeHAgQN6ax0HDx5EixYtyvRcL7zwAt555x0sWrQIp0+fxtChQw0dt0QsGTJf+VnAhV1A7Fbgws/ms4PeGmjVwLVDuttvc3VHsNXtDdTvC1RrbXOF07BhQzz//PNYvHhx0bTx48ejefPmmDFjBp599lnExMRgyZIlWLZsmUmzvf3225g6dSpq1qyJiIgIREdH4/jx41i3bl2Znsfb2xv9+vXD22+/jaeeeqrYgQ7GwpIh81KYC5zZAvyzEfh3P6DJl53INmQlAUf+p7u5BUBbvx+O1XsHj1Uv5/kjFngG/owZM7B+/fqi75s2bYr169djypQpmDFjBgIDAzF9+nS9TWqmMGbMGGRkZGD8+PFITk5GvXr1sGXLFr0jy0rrpZdewtdff43hw4cbIWnJFIKXbiNzcOMU8Pcq4NR63UmOJFVqYHs8dnkkqvu6IDIiGH2bBCPEr/i+gry8PFy+fBmhoaFQqVQSklJZrFu3DmPHjkViYiKcnJweOq+h3luuyZA8+ZnAqe91O6YTj8lOQ/fYqdAdzXQ1NQef7r2AT/deQNNqXnjmsaro2yQYzk6m2SdBhpGTk4PLly/jo48+wsiRIx9ZMIZkWxteyTxcOwxs/j9gfjiw7U0WjJkRDs5YGB9ebPrRuHS8t+kUWs/ei9k/ncX127kS0lmOWbNmwc3NrcRb9+7dTZpl7ty5iIiIgL+/P959912TLpuby8g0ctOB41/r1lpSYmWnoYdIDO6GNpeGPHI+BzsFBjUNwIBwJcJr1eTmsvukpaUhLS2txPucnZ0RHBxs4kRlw81lZBmyU4GYJcCRL3SDSJLZ+1HdulTzqbUCv5xLRvugylClZsPf2w6ezo4mHcXYnPn4+MDHx0d2DOlYMmQcmUnAwUXAX9HWMZyLjRBKDyxJqFHq+bX/bQfJK9QgLi0HjvZ28HVzgo+LExzsuTXekhlqIxdLhgzrdgLwx0LdZjGehW9xrlTuhOwLpd+pn10ooNFqITRqKBycUKjR4sbtPCRn5MPXzQmV3JVwsLFzbqxFTk4OgOIjGpQVS4YM49YV4MAnuv0umgLZaaic1ue1LNP8mflanErKg6frLbh42RddhkADIPlWPm7ezoKPqxO8nZ1gZ8fNaJZACIGcnBwkJyfDy8urwqMbsGSoYlIvAb/N153folXLTkMVoHWphC8SqpXpMQLAN6cyUd3TEd65eQCKF8kNAPZ2CnioHODi5MDL4VgILy8vBAQEVPh5eHQZlU/ebWD/bODw5ywXKxFbdRC6X+hdrsc6KAA/F3s8ajdMFR8XvNQ2BO1qVy7Xcsg0HB0dDTY+G9dkqGyEAI6vA36eBmSXfzhzMj+rspqX+7FqAdzI1jxyvoTMTBy6egqNq3phQrdwtKnpV+5lkmXgmgyVXvzfwE9vAwl/y05CBqb2qIqw5DkmX+4TtfwwtVc9hFXmZQesFUuGHi0rBdj7AXBsHUx2vXsyqaPVotDv/FNSlu1kb4dRHWtiVIcwODnwSDRrw5KhB9Oodftc9s8G8jlopTV7zX0RfkqRu+mqVmU3zO7fEI9V5wmM1oQlQyW7/Buw4x0OAWMD8r3DEX59quwYAHRHQL/Qsjre6RYOd1XFzs8g88B1U9JXkK0btHJVLxaMjTjs1lF2hCJCAGv+vIonP/4Ne84kyY5DBsA1Gbrragyw+TXg1mXZSciEBjt/hphbnrJjlKhHwwB80Ls+Krtz8E1LxZIhQJ0P7JsBxCwFhFZ2GjKhbL/GqB8/QXaMh/JQOeD9nvUwsHlV2VGoHLi5zNYlnQY+7wAcXMyCsUG/qzrIjvBIGXlqvLPxJMZ8cwxZ+Tzx19JwTcaWHVoB7JnCgSxtlFDYoYf954jNcpEdpdRq+LliyXNNUS/IQ3YUKiWWjC3KvglsHgVc2CU7CUmUHtAaEVdelx2jzJQOdpjSqx6eb1lddhQqBW4uszVXDgCftWHBEH62e0J2hHLJV2sxadM/GPvtMWRz85nZ45qMLTnyJfDTBEBbKDsJSSbsnfC4ZgUS8pSyo1RIjUquWPZ8U9QJ4OYzc8U1GVugUQPbxwPbx7FgCACQ4v+ExRcMAPybko3IpX/gm8NxsqPQA7BkrF1OGrC2L3DkC9lJyIxsF21kRzCYvEIt3v3hFMZ9dxz56kePBE2mxc1l1izlHPD1szy5kvQIR1c0zfsMtwqt70ofLUJ98L8Xm8HThUPSmAuuyVir87uBL7qwYKiYeP8OVlkwAHD4chr6Lz+I+Fs5sqPQf1gy1uiPT4FvngXyM2QnITP0Q0Fr2RGM6mJyFvotO4h/EjhyuDng5jJros4Htr4BnPhadhIyU1qVN+pnLkKuxjCX1jVnrk72WPp8U3QI56WeZeKajLUoyNHtf2HB0ENcqtTZJgoGALILNBix6i98yyPPpGLJWIP8LGDdM8C/v8hOQmbum5zmsiOYlForMPGHU/h49znZUWwWN5dZurzbwNpngPjDspOQmdO4BqB22nxohG3+bdm/aRXM7t8Qjva2+fpl4U/bkuWkAat6s2CoVM74dLbZggGAjUfjMfrro1BrONq4Kdnub5yly0rRXb3y+nHZSchCRGfY1qaykuw6nYSx3x2HRssNOKbCkrFEGdeBr3oCSf/ITkIWotAzFD8k8SgrANh+8jre+v4EtCwak2DJWJrb8cBXPYCb3JFJpXfUo7PsCGZl07EETNh4EtwlbXwsGUuSdhmI7g6k/Ss7CVmYz1KbyI5gdr7/Ox6TNnNrgLGxZCxFZhKwujeQzmP+qWxyfetjf5q37Bhm6etDcfhgy2nZMawaS8YS3DkPhgVD5RDj0kF2BLP21cErmLn9jOwYVoslY+40amD9EODGSdlJyAIJKLAkubHsGGbvf79fxrxdZ2XHsEosGXO3dSxwaa/sFGShsio/hqO33WTHsAhLf7mEL3437v7OqKgoREZGGnUZ5oYlY85+mQUcXys7BVmw/U7tZUewKLN2xGLf2SQpyy4oKJCyXGNjyZiro6uBX+fITkEWTNg5YGFiPdkxLIpWAGO+OY7zSZlGX1aHDh0wevRojBs3Dn5+fnjyyScBAL/++itatGgBpVKJwMBATJw4EWq1Wu9xY8aMwTvvvAMfHx8EBATggw8+KLp/+PDhePrpp/WWpVarERAQgJUrVxr9dd2PJWOOLuwBtr0pOwVZuFv+rXEpx1l2DIuTla/GS6uOIC3b+GsWq1atgoODA/744w+sWLECCQkJ6NGjB5o3b44TJ07gs88+w5dffokPP/yw2ONcXV1x6NAhzJ07F9OnT8eePXsAACNGjMDOnTtx/fr1ovl37NiBrKwsDBw40Oiv6X4sGXOTeAxYPxTQqh89L9FD7FQ8LjuCxbqWlotX1/yNArVxxzkLCwvD3LlzER4ejjp16mDZsmWoWrUqlixZgjp16iAyMhLTpk3DggULoNXezdKoUSNMnToVtWrVwpAhQ9CsWTPs3avbd9umTRuEh4djzZo1RfNHR0djwIABcHMz/f45low5SY8D1g0ECrNlJyELJxxUWJhQR3YMi3b4ShombTpl1GU0a9ZM7/vY2Fi0bt0aCoWiaFrbtm2RlZWF+Pj4ommNGjXSe1xgYCCSk5OLvh8xYgSio6MBAMnJydi+fTuGDx9ujJfwSCwZc1GYB3z3ApCd/Oh5iR4hyb8dkvMdZceweN//HY/Pf7tktOd3dXXV+14IoVcwd6YB0Jvu6Kj/3ioUCr01nSFDhuDff/9FTEwM1q5di5CQEDzxxBOGjl8qLBlz8dPbwPUTslOQldiiaSM7gtWY/dNZ7I01zRFn9erVw8GDB/XGVDt48CDc3d0RHBxc6ufx9fVFZGQkoqOjER0djWHDhhkjbqmwZMzBsbW6o8mIDEAo3bE4vobsGFZDK4Cx3x7HuRvGP+Js1KhRuHbtGl5//XWcPXsWP/74I6ZOnYpx48bBzq5sH9cjRozAqlWrEBsbi6FDhxop8aOxZGS7cQrY/pbsFGRFrlbqhEy1g+wYViUrX43X1v6N7HzjHpATHByMHTt24PDhw2jcuDFeffVVvPTSS3j//ffL/FxdunRBYGAgunbtiqCgICOkLR1eflmm/ExgRTuOqkwGNa/SLCy9FiI7hlXq37QKFgy0jGF6cnJyEBQUhJUrV6Jfv37ScnBNRqatb7BgyKC0zn74IqGa7BhWa+PReGw+liA7xkNptVokJiZi8uTJ8PT0RO/evaXm4Tq1LMfWAv9skJ2CrMx5v87Iv8W/HY3p/c3/IKKqF0L8XB89swRxcXEIDQ1FlSpV8NVXX8HBQe7HPDeXyZByHvi8A8+HIYOb5D0f667L2/5uKxpV8cTG19rA0Z6F/ij8CZmaOh/YMJwFQwandg/G1zcCZcewCSfjb2PR3guyY1gEloyp/TITSDLuWcRkm055d4EQikfPSAaxbP8lHI27JTuG2WPJmNL1k0DMUtkpyEp9cesx2RFsikYrMH79CeQWaGRHMWssGVPRaoGtYzjwJRlFgXctbE/xkx3D5ly+mY2ZO3jp5odhyZjKoeW6EZaJjOCIWyfZEWzW2j/j8MfFm7JjmC2WjCmkxwH7Pnz0fETltOxmhOwINm3Kj/+gUGPcywJYKpaMKWwfz6PJyGhy/Brhj1uesmPYtEsp2Vh54LLsGGaJJWNs/2wELuyWnYKs2AFVB9kRCMCivRdw43ae7BhmhyVjTLm3gJ8myk5BVkwo7PBpUkPZMQhAdoEGH27nQQD3Y8kY0+7JvAgZGVVG5RY4nWmew5vYom0nr+MgDwLQw5IxlisHgGNrHj0fUQXsdZBztUN6sClbTvMggHuwZIxBCG4mI6MTdo5YmFhXdgy6z8XkLET/wYMA7mDJGMOpDRw6hozuZsDjiMtVyY5BJfj0Zx4EcAdLxtA0hbrxyYiMbIdoKzsCPUB2gQYzd8TKjmEWWDKGdnQVcIurymRcwtEFixJqyY5BD7H1RCKOcQBNloxBFeQAv86TnYJsQIJ/B6QWOMqOQY+w8GdeDoAlY0iHlgNZN2SnIBuwqaC17AhUCr+eT7H5tRmWjKHkpgN/LJSdgmyAVuWF5QmhsmNQKX1q4xc3Y8kYyh8LgbzbslOQDbhcqTOyNfyvayn2n0vB8WvpsmNIw99UQ8hMAg6tkJ2CbMQ3uS1kR6AyWvjzedkRpGHJGMKvc4DCHNkpyAZoXP0RnRAsOwaV0f5zKThho2szLJmKykgEjq6WnYJsRKxPZ2gE/9taIltdm+Fva0Ud/h+gLZSdgmzEV5nNZUegcvrFRtdmWDIVUZinO/mSyAQKPUOw4Ya/7BhUAba4NsOSqYhT64GcVNkpyEYc9+gkOwJV0C/nUnAmMUN2DJNiyVQEjygjE1qe1lR2BDKAtYeuyo5gUiyZ8rr8O5D0j+wUZCPyfOpib6qP7BhkAD8eS0BWvlp2DJNhyZTXoeWyE5AN+dO1o+wIZCDZBRpsPpYgO4bJsGTK49ZV4NwO2SnIhixJbiw7AhnQ14fiZEcwGQfZASzS4c8BwcurkmlkVWqKv665y45hcTS5mbh9YB1yrxyDJuMm7Jw94FK7FbyeeAF2Ste78+Vl4dbPK5Bz4RAAwKVWS/h0GQk7lVvR86Ru/xh5cafg6BMM3x5j4VS5RtHjU3cvg6NXADxa9Ct1tjPXM3A07haaVvM20Ks1X1yTKauCbODYGtkpyIb8qmwvO4JF0mSlQpOVBu+OwxE4fAl8e76B3H//RuqOT/Xmu7llHgqS/oX/wGnwHzgNBUn/4ua2BUX33475DtqCXARGfQpl1QZI/Wlx0X35CbEouH4e7s36lDnfuj9tY22GJVNWJ77lQJhkMkJhj0+v15cdwyI5VQpBpb7vwSWsJRy9A+FcvTG82g1BzqXDEFoNAKDw5jXkXf4bvt3HQBlcF8rguvDt9jpyLx1BYWq8bp7Ua3Ct2w6OPsFwb9wNham6chAaNVJ3L4PPU/8HhZ19mfNtP5WI2znWfyI3S6asOIQMmVC6fyucz3aRHcNqaPOzYefkUlQK+YmxUChdoQwKL5pHGVwHCqUr8hN0l092qhyKvKsnIbQa5F4+CsdKIQCA24c2QFW1IZSB5btCaV6hFhuOxlfsBVkAlkxZ3LwAXD8uOwXZkN12T8iOYDU0uRm4ffBbuEV0vzstOx32Lp7F5rV38YQmW3exMc9WAwA7eySsGIGcCzHw7T4WhWkJyP5nHzzbDkLqriVIWP4SUjbPhjY/u0yZvraBc2ZYMmVxcr3sBGRDhL0SCxPryI5hFbT5OUj+fhocfavBq+1g/TsVihIeIYqm2yldUan326jyWjQCnpsNJ79qSN21FN4dhyP79H6o05MQ9PIKKByVSP/jmzLlupSSjZhL1j1qCEumLE6xZMh0kvzb4Xqek+wYFk+bn4Pk9VNg56RC5X6ToLC/e1CtvasXNNnpxR6jycmAvYtXic+XdXI37FSucKnVCnnXTsGlViso7B3gUudx5MedKnO+LSes+5wZlkxpXTsM3LoiOwXZkG3aNrIjWDxtfg6S1k8G7B1Qqf9kKBz0S1sZVBciPxv5ieeKpuUnnoPIz4YyuG6x59Pk3Eb6we/g02XkfwvQQmj/O3tfo4Yox6kNe84kQasVZX6cpWDJlNapDbITkA0RTm5YnFBTdgyLps3PQdJ3kyEK8+HbfSxEfi40WbegybpVdHSZo19VqEIfQ+rOxchPOIv8hLNI3bkYzjWbw9G3SrHnTPv5c3g0j4SDux8AQFmlLrJP/4LCm9eQeWInlMH1ypzzZlYB/rp6q2Iv1ozxZMzSEAKI3SI7BdmQuMqdcPsi/3tWREHSRRRc162hJH7+st59wa9+CQdP3WUT/Hq9hVs/r9Ct8QBwCWsJnydfLfZ8uf/+DXX6dfj1Gl80zb3p0yi4fhHX14yDMrB28f09pbTznxtoEWqdY9MphBDWu55mKHF/Aiu7yk5BNmRB5ZlYHBcqOwaZSLCXM/6YaJ2XcuDmstI486PsBGRDtM6++Dy+uuwYZEIJ6bn4J8E6T/JmyTyKEMAZbioj07ng1wn5Wv7XtDU7/7khO4JR8Df5URL+BjKs/6xcMh/rslvKjkAS7DzNkrFNF3bLTkA2RO0ejDXXA2XHIAkuJmfhUkqW7BgGx5J5lMu/y05ANuS0dycIUdIZ6GQLrHGTGUvmYQpygIS/ZKcgG/Jl+mOyI5BEu61wkxlL5mGu/QloCmSnIBtR4FUTW5Iry45BEp1KuI3MPOsa/p8l8zDcVEYm9Ld7Z9kRSDKtAP62srP/WTIPc4UlQ6bzWWqE7AhkBv66wpKxDfmZQOIx2SnIRuT6NsBvaV6yY5AZOHwlTXYEg2LJPMjVGODO6KpERvaHS0fZEchMnIxPR4G67KM5myuWzINc+U12ArIRAgosSmooOwaZibxCLU5Z0RAzLJkH4U5/MpFM/+Y4meEmOwaZkSNWtMmMJVOS3HTgxknZKchG7HNsJzsCmZm/WDJWLv4IUI4r3BGVlbBzxMKEsl/oiqzbX1dvwVquwsKSKUnSP7ITkI1I82+DK7kq2THIzKTnFOJCsnWMY8aSKUnSGdkJyEbsQFvZEchMWct+GZZMSZJjZScgGyAcnLEoIVx2DDJTZ69nyo5gECyZ+2k1wM3zslOQDbju3x4pBY6yY5CZspZh/1ky90u9BGjyZacgG7BZ3Vp2BDJjLBlrlXxadgKyAULpiaUJNWTHIDOWlJFvFSMys2Tux/0xZAKXK3VCttpedgwyc5dSsmVHqDCWzP2SeWQZGd93eS1lRyALcMkKDmNmydyPazJkZFqXSliZWFV2DLIA1rBfhiVzr8I8IO1f2SnIyp317YJCrUJ2DLIALBlrc/Mch5Mho1uV1Vx2BLIQ3CdjbW7Hy05AVk7tUQ3fXQ+QHYMsRFxqDtQay/7DlyVzr6wk2QnIyp3w7Cw7AlmQAo0WcWk5smNUCEvmXlnJshOQlfv8VlPZEcjCJKTnyo5QISyZe7FkyIjyfcKx66av7BhkYW7lWPYJmeUumfT0dHzxxRd49913kZamGy306NGjSEhIMFg4k+PmMjKiQ66dZEcgC3Qru0B2hApxKM+DTp48iS5dusDT0xNXrlzByy+/DB8fH2zatAlXr17F6tWrDZ3TNLgmQ0a0NKWx7AhkgdIsvGTKtSYzbtw4REVF4cKFC1Cp7l5wqXv37vjtt98MFs7kslkyZBzZlSJwKN1DdgyyQLdybLBkjhw5gpEjRxabHhwcjBs3blQ4lDRZKbITkJX6TdlBdgSyUDa5JqNSqZCRkVFs+rlz51CpUqUKh5IiPxMotPwTn8j8CIU9Pr3RQHYMslA2uSbTp08fTJ8+HYWFuqMeFAoF4uLiMHHiRPTv39+gAU2G+2PISG77t8TZLBfZMchCpWXb4NFl8+fPR0pKCipXrozc3Fy0b98eYWFhcHd3x8yZMw2d0TRYMmQke+welx2BLJhNHl3m4eGBAwcOYN++fTh69Ci0Wi2aNm2KLl26GDqf6eSkyk5AVkjYO2FhYl3ZMciCWfrmsjKXjFqthkqlwvHjx9GpUyd06mQlx/6r82QnICuU4v8EEv5Vyo5BFixfrUVOgRouTuVaJ5CuzJvLHBwcUL16dWg0GmPkkUedLzsBWaFtoo3sCGQF0i34rP9y7ZN5//339c70twoay14lJfMjnFyxOL6W7BhkBdQaITtCuZVr/WvRokW4ePEigoKCUL16dbi6uurdf/ToUYOEMymWDBlYfOWOuHXRMjdxkHnRCBsrmcjISAPHMAPcXEYGtrGglewIZCU0WhsrmalTpxo6h3xatewEZEW0Km+sSKguOwZZCZsrmTv+/vtvxMbGQqFQoF69emjSpImhcklguW8imZ9LlTojN91edgyyEjZXMsnJyRg0aBD2798PLy8vCCFw+/ZtdOzYEd9++63lDi1DZCCh6X8iNvis7BhkJezsVgKwzAFWy1Uyr7/+OjIyMnD69GnUras70ezMmTMYOnQoxowZg2+++cagIYksjUNmPBwQLzsGWQuF5W7OL1fJ7Ny5Ez///HNRwQBAvXr1sHTpUjz11FMGC0dERADsLPcoxXKdJ6PVauHo6FhsuqOjI7RabYVDERHRPRSWu3+vXCXTqVMnjB07FomJiUXTEhIS8Oabb6Jz584GC2dS9hz6g4jMlJ2NlcySJUuQmZmJkJAQ1KxZE2FhYQgNDUVmZiYWL15s6Iym4ewlOwERUcksuGTKtaGvatWqOHr0KPbs2YOzZ89CCIF69epZ9ijMKi/ZCYiISubo+uh5zJRCCAser8CQrhwAvuopOwURkT6FHTA5FbAr14Yn6cqVesyYMVi0aFGx6UuWLMEbb7xR0UxycE2GiMyRystiCwYoZ8ls3LgRbdu2LTa9TZs22LBhQ4VDSaHylJ2AiKg4Vz/ZCSqkXCWTmpoKT8/iH8oeHh64efNmhUNJwR3/RGSOXHxlJ6iQcpVMWFgYdu7cWWz6Tz/9hBo1alQ4lBRKd4s+4YmIrJSFl0y5PlXHjRuH0aNHIyUlpejyy3v37sX8+fPx6aefGjSgSak8gZxU2SmIiO5y8ZGdoELKVTLDhw9Hfn4+Zs6ciRkzZgAAQkNDsXz5cgwZMsSgAU1K5cWSISLzYuFrMuXaXJabm4uhQ4ciPj4eSUlJOHnyJEaPHg1/f39D5zMt7pchInPjYoM7/vv06YPVq1cD0I1X1qVLF3z88ceIjIzEZ599ZtCAJuXsLTsBEZE+W1yTOXr0KJ544gkAwIYNG+Dv74+rV69i9erVJZ4/YzG8qslOQESkzxZLJicnB+7u7gCA3bt3o1+/frCzs0OrVq1w9epVgwY0KZ+ashMQEemzxfNkwsLCsHnzZly7dg27du0quoZMcnIyPDws8+ptAABflgwRmRkfCz0t5D/lKpkpU6bgrbfeQkhICFq2bInWrVsD0K3VNGnSxKABTYprMkRkTtz8Lf6ApHIPkHnjxg1cv34djRs3ht1/4+ocPnwYHh4eqFOnjkFDmoy6AJgZAAiN7CREREDIE0DUNtkpKqTcp7gHBAQgICBAb1qLFi0qHEgqByfAqypw64rsJEREgF9t2QkqzHKH9jQWbjIjInNRKVx2ggpjydyPO/+JyFz41ZKdoMJYMvfjmgwRmQs/rslYH67JEJE5cHIHPINlp6gwlsz9WDJEZA78wmQnMAiWzP28qgOOrrJTEJGts4JNZQBLpjg7eyC4qewURGTrKln+4csAS6ZkVVvKTkBEti6gkewEBsGSKQlLhohkUthZzecQS6YkVZsDUMhOQUS2yr8BoLLgwYbvwZIpibO3VQznQEQWqnpb2QkMhiXzIFUtfBw2IrJc1VvLTmAwLJkHsZLtoURkgbgmYwNYMkQkg19ti78a5r1YMg/iVwtw9pGdgohsTfU2shMYFEvmQRQK7pchItOzok1lAEvm4aq1kp2AiGwN12RsSFgX2QmIyJZ4VgM8q8hOYVAsmYcJaAh4WNcbTkRmLORx2QkMjiXzKLWfkp2AiGxFeHfZCQyOJfMota3vTSciM+SgAsI6y05hcCyZRwltBzi6yE5BRNauRgfAyfquZcWSeRRHFVCzk+wURGTt6vSUncAoWDKlUbe37AREZM0UdkB4D9kpjIIlUxrh3QB7J9kpiMhaVWtjVUPJ3IslUxoqTyC0vewUNudGlhYvbspFwPxMuM7KQNMVWdhwplBvnlu5Ai9uyoXn7Ax4zs7Ai5tykZ4niu5PyxXo9U0O3P57/IkbGr3Hj9qeiwUH803yeogeqEFf2QmMhiVTWvX6yE5gc17clItzNzXYMtgFp15zQ7+6jnh2Qy6OXb9bFM/9kIPjNzTY+bwLdj7vguM3NHhxU27R/TN/y0dmvsDRka5oX90BI7bevS/mmhqHEzR4oxXXUkkihT1QL1J2CqNhyZRWnZ6AnYPsFDYl5poGr7dwQotge9TwtsP77ZTwUilw9L+SiU3RYOdFDb7opULrqg5oXdUB/+ulwrbzapy7+d88N7UY1MARtX3t8cpjjjiTogUAFGoEXtueh+VPO8PejldBJYlC21ntpjKAJVN6Lj5WeaKUOXu8mj2+O61GWq6AVgh8+08h8tUCHUJ0ZR8Tr4GnEmhZ5W75t6riAE8lcPCarmQa+9th32U11FqBXZfUaORvDwCY80cBOoQ4oFmQvelfGNG9GvSTncCoWDJl8ViU7AQ25btnXKDWCvjOzYTyw0yM3JaLTc+6oKaP7tf2RpZAZdfiv8KVXe1wI0u3X2bi40o42AE1F2Vh01k1vuytwoVUDVafKMTkdk54dVsuanyaiYHf5+D2PftyiEzCXgnUeVp2CqPi9p+yqNkZ8KoOpF+VncQmvL8vD7fyBH5+0QV+LgpsPqvGgO9z8PswVzT8b41EUcKWLnHPdE+VAl/31z+ZttOqbMx7Uol1pwrx7y0tzo12w8tb8zD913ws6Koy8qsiukf9SN1WEivGNZmyUCiApkNkp7AJl9K0WHKkECt7O6NzDQc0DrDH1A5KNAuyx9IjBQCAADcFkrK0xR6bkq2Fv2vJ+1lWHiuAl0qBPnUcsf+KBpF1HOFor8CAeg7Yf1Vt1NdEVEzzEbITGB1LpqyavMgDAEwgp1C36er+ffL2doD2v61aravY43Y+cDjh7tFmh+LVuJ0PtKlafF9LSrYWM37Lx+LuurUVjdAdAAAAhVpAU7yviIwnoJFNXBiRJVNW7v5We2auOanjZ4cwHzuM3JaHwwkaXErTYsHBfOy5pEFkHV3J161kj25h9nh5ay7+jFfjz3g1Xt6ah6drOyDcr3jJjN2Zh/GtlQj20P3at61qjzUnCxGbosHnfxeibQnFRGQ0LV6WncAkFEII7u0sq4t7gbXWfUSIObiQqsHEvfk4EKdBVoFAmI8d3mrthBcb3z2vJS1XYMxPedhyTneSZu9wRyzpoYKXSn8VaNdFNabsz0PMS66w+2+HTU6hQNTmXOy8qEaLYHt83d+5xAMJiAxO5QmMPwc4OstOYnQsmfIQAlgUAdy6IjsJEVmiVv8HdJslO4VJ8M+28uABAERUbgqg+UuyQ5gMS6a8mrwI2DnKTkFElqZmR8C3puwUJsOSKS+3ykBd6z6JioiMwAYOW74XS6YinhgPgONeEVEpeVYFaneTncKkWDIVEdDQaq9mR0RG0OJlwM62DpVnyVRU+3dkJyAiS+BaGWhuG+fG3IslU1GBjYHaHJ2ZiB7h8TcBJ5dHz2dlWDKG0GGC7AREZM7cg4Bmw2WnkIIlYwhBTYBaXWWnICJz9cQ4wNE2R/hmyRgK12aIqCSeVYGmQ2WnkIYlYyjBjwFhT8pOQUTmpt3bgIPTo+ezUiwZQ+owUXYCIjIn3qFAxPOyU0jFkjGkKs10V88kIgJ0f3ja2/b1p1gyhtblA0BhWydbEVEJ/GoDDQfKTiEdS8bQAhvZ7KGKRHSPDu8CdvyI5U/AGDq9D7j4yU5BRLKEPAE04IUNAZaMcTh76TabEZHtsXcCen4sO4XZYMkYS5MXgCrNZacgIlNr8zpQqbbsFGaDJWMsCgXQYx6g4I+YyGZ4h+jOi6Ei/AQ0pqAmwGNRslMQkan0mA84OstOYVZYMsbWaTLg7CM7BREZW93eQC2O+nE/loyxufgAXabKTkFExuTkDnSfIzuFWWLJmEKTIUBQU9kpiMhYOr4HeATJTmGWWDKmYGcH9F6sO7SRiKxLQEOg5UjZKcwWS8ZUAhoAHSfJTkFEhqSwB55eCNhxKKkHYcmYUpsxQLXWslMQkaE8MU43MC49EEvGlOzsgMjPACc32UmIqKKCmwHteXmPR2HJmJpPKNDtI9kpiKginNyA/v+z+WH8S4MlI0PTIUC9PrJTEFF5dZ8D+NSQncIisGRk6bUI8KwmOwURlVW9SN3YhFQqLBlZnL2A/l8AdlzdJrIYPjV0pyNQqZW7ZKKioqBQKDB79my96Zs3b4ZCoahwsNJSKBTYvHmzyZZnUNVa6i7PSkTmz14JDPgKUHnITmJRKrQmo1KpMGfOHNy6dctQeQyusLBQdoSHe3w8UKOj7BRE9CjdZgGBjWWnsDgVKpkuXbogICAAH3304KOlNm7ciPr160OpVCIkJAQLFizQuz8kJASzZs3C8OHD4e7ujmrVquHzzz8vV54rV65AoVBg/fr16NChA1QqFdauXQutVovp06ejSpUqUCqViIiIwM6dO4s97ocffkDHjh3h4uKCxo0bIyYmBgCQnZ0NDw8PbNiwQW95W7duhaurKzIzM8uVF4DusOYB0YBvWPmfg4iMq34/oPkI2SksUoVKxt7eHrNmzcLixYsRHx9f7P6///4bAwcOxKBBg3Dq1Cl88MEHmDx5Mr766iu9+RYsWIBmzZrh2LFjGDVqFF577TWcPXu23LkmTJiAMWPGIDY2Fl27dsWnn36KBQsWYP78+Th58iS6du2K3r1748KFC3qPmzRpEt566y0cP34ctWvXxuDBg6FWq+Hq6opBgwYhOjpab/7o6Gg888wzcHd3L3dWAICzNzD4O0DlVbHnISLD82/I/TAVUOEd/3379kVERASmTi0+0vDHH3+Mzp07Y/LkyahduzaioqIwevRozJs3T2++Hj16YNSoUQgLC8OECRPg5+eH/fv3lzvTG2+8gX79+iE0NBRBQUGYP38+JkyYgEGDBiE8PBxz5sxBREQEFi5cqPe4t956Cz179kTt2rUxbdo0XL16FRcvXgQAjBgxArt27UJiYiIA4ObNm9i2bRuGDx9e7px6/MKAgat4IACROXEPAp5fDyh5AnV5GeTosjlz5mDVqlU4c+aM3vTY2Fi0bdtWb1rbtm1x4cIFaDSaommNGjUq+rdCoUBAQACSk5PLnadZs7vDPGRkZCAxMbHEHLGxsXrT7s0RGBgIAEU5WrRogfr162P16tUAgDVr1qBatWpo165duXMWU6MD0H2u4Z6PiMrPyQ147luOrlxBBimZdu3aoWvXrnjvvff0pgshih1pJoQo9nhHR0e97xUKBbRabbnzuLq6FptWUo77p92b48599+YYMWJE0Saz6OhoDBs2zPBH0jV/CWjximGfk4jKRmEPPLOSO/oNwGDnycyePRtbt27FwYMHi6bVq1cPBw4c0Jvv4MGDqF27NuztTTNqqYeHB4KCgkrMUbdu3TI91wsvvIC4uDgsWrQIp0+fxtChQw0Z9a5us4GanY3z3ET0aN1mA7W7yk5hFQy2A6Bhw4Z4/vnnsXjx3R1k48ePR/PmzTFjxgw8++yziImJwZIlS7Bs2TJDLbZU3n77bUydOhU1a9ZEREQEoqOjcfz4caxbt65Mz+Pt7Y1+/frh7bffxlNPPYUqVaoYJ7Cdve6Isy+6ADfPG2cZRFSylq8CLbk1wVAMesb/jBkz9DaHNW3aFOvXr8e3336LBg0aYMqUKZg+fTqioqIMudhHGjNmDMaPH4/x48ejYcOG2LlzJ7Zs2YJatWqV+bleeuklFBQUGG6H/4OoPIHnvtMdeUZEphHeA+jKAWwNSSFK2klCD7Ru3TqMHTsWiYmJcHIywZUur/wBrO0PqHONvywiWxbYGBj2E+BUfJ8ulR/HLiulnJwcnD59Gh999BFGjhxpmoIBgJC2wKB1uiEtiMg4PKoAz61nwRiBWZfMrFmz4ObmVuKte/fuJs0yd+5cREREwN/fH++++65Jl42wzv8VjYmKjciWuAcCQ34E3ANkJ7FKZr25LC0tDWlpaSXe5+zsjODgYBMnkuzcT8B3LwJaMx+PjchSuAcBUdsA35qyk1gtsy4ZKsGZLcCGYYBWLTsJkWXzCAaGbmXBGJlZby6jEtTrDfT7n+5kMSIqH48qXIMxEZaMJWrQD+i7AlDw7SMqM8+quoLh5ZNNgp9SlqrRAKDPMhYNUVl4VvuvYEJlJ7EZ/ISyZBGDgV6LWDREpXGnYLxDZCexKdzxbw3ObAF+eIUnbBI9iFc1IGq77iuZFEvGWlw7AnwzCMi5KTsJkXnxb6gbosnTxk55MBMsGWuS9i+wbgCQelF2EiLzULsb0P9LXnRMIpaMtclJA759DoiLkZ2ESK5W/wc89SFgx32WMrFkrJE6H9g0Eji9SXYSItOzcwB6zAOaGXmkdCoVloy1EgL4eSrwx6eykxCZjtITGPgVULOT7CT0H5aMtTvyBbDjHUBoZCchMi7vEN1IypXCZSehe7BkbMGFPcDGEUBeuuwkRMZRtSUw6GvA1U92EroPS8ZW3LoKfD8USDwmOwmRYTUaBPReBDjwmkvmiCVjS9T5wK73dJvQiCydgzPQfQ7w2FDZSeghWDK26NQGYOtYoCBLdhKi8qlUBxjwFVC5ruwk9AgsGVuVegnY+BI3n5HlafIi0H0u4OQiOwmVAkvGlmkKgb3TgYOLAfDXgMycygt4+mOgQX/ZSagMWDIEXPoF2PQqkHVDdhKikoW2ByI/4/hjFoglQzrZqcCO8RwlgMyLvRLoPAVo/X+AQiE7DZUDS4b0nd+tK5v0ONlJyNYFNQX6LAH868tOQhXAkqHiCnKA/R8Bfy4DtGrZacjWqLyALlOBplEc3NIKsGTowW78A2x7A4g/IjsJ2QQFEPE88OQ0nrlvRVgy9HBaLfDXl8DeGUD+bdlpyFr5NwB6LgCqtZKdhAyMJUOlk3kD+GkCcGaz7CRkTZzcgY7vAi1GAvYOstOQEbBkqGzO79YNTZN6QXYSsnQN+gNPzQQ8AmUnISNiyVDZaTXAiW+BX2fzKDQqu4CGuitW1uggOwmZAEuGyk9dABxdBfw2nydy0qP5NwQ6TADqPM1zXmwIS4YqrjAXOLQC+GMhkHtLdhoyN5XrAx0mAnV7sVxsEEuGDCcvA4hZqrsVZMpOQ7JVrge0nwDU68NysWEsGTK8nDTgwCfA4f8B6lzZacjUKtXRlUv9viwXYsmQEWWn6vbZ/LUSuH1Ndhoytkp1gXZvAfX78Ux9KsKSIePTaoBzO4DDnwOXf5OdhgzJ3km3r6XZS0BIW9lpyAyxZMi0ks/qyubEt0Bhtuw0VF5e1YDHhukuIOZWSXYaMmMsGZIj7zZw/Gvdfpu0S7LTUGko7IBaXYFmw4GwLtwkRqXCkiG5hAAu/gwcXQ1c2A2o82Qnovu5+evWWB6LAryqyk5DFoYlQ+YjLwM4ux049T1w+VdeZkAmJ3cgvDtQPxKo9RRg7yg7EVkolgyZp+ybusE4z2wBrv7BwjGFe4slrAvgoJSdiKwAS4bMX04acO4nIHYr8O8v3KRmSO5BQHg3ILwHENqOxUIGx5Ihy5KfpTsM+soB4OoB4MYpQGhlp7Icdg5AQCPdJrDw7kBQhOxEZOVYMmTZ8m4DV2OAK7/rNqtdPwkIjexU5sPJHajSDKjWWndBsCrNACdX2anIhrBkyLrkZQBxMbo1nSsHgOsnbKt03AJ0ZXKnVAIaAnb2slORDWPJkHUrzAVSzv13i9V9TY4F0q9a9mY2eyfApwbgGwb41dIN6VK1BeATKjsZkR6WDNmmwlzg5vm7pXOnhG4nAJp82enucgvQlcidMvGtBfiFAV7VuYZCFoElQ3S/vNu6Q6izU+653Sz+75xU3YXbtIWAplD39WHsHAEXH8DZG3D+76vLvf++5z4XH8CzKqDyMM1rJjISlgyRIWnUunN6FArdMCwKOwAKDsFCNoslQ0RERsM/r4iIyGhYMkREZDQsGSIiMhqWDBERGQ1LhoiIjIYlQ0RERsOSISIio2HJEBGR0bBkiIjIaFgyRERkNCwZIiIyGpYMEREZDUuGiIiMhiVDRERGw5IhIiKjYckQEZHRsGSIiMhoWDJERGQ0LBkiIjIalgwRERkNS4aIiIyGJUNEREbDkiEiIqNhyRARkdGwZIiIyGhYMkREZDQsGSIiMhqWDBERGQ1LhoiIjIYlQ0RERsOSISIio2HJEBGR0bBkiIjIaFgyRERkNCwZIiIyGpYMEREZDUuGiIiMhiVDRERGw5IhIiKjYckQEZHRsGSIiMhoWDJERGQ0LBkiIjIalgwRERkNS4aIiIzm/wEP23Ip9UaCJQAAAABJRU5ErkJggg==", + "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": 49, + "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
0Non_Irony0.515559
1Non_Irony0.511770
2Non_Irony0.504204
3Irony0.503117
4Non_Irony0.519359
.........
5107Non_Irony0.526499
5108Irony0.507012
5109Irony0.536754
5110Irony0.511569
5111Non_Irony0.524799
\n", + "

5112 rows × 2 columns

\n", + "
" + ], + "text/plain": [ + " label score\n", + "0 Non_Irony 0.515559\n", + "1 Non_Irony 0.511770\n", + "2 Non_Irony 0.504204\n", + "3 Irony 0.503117\n", + "4 Non_Irony 0.519359\n", + "... ... ...\n", + "5107 Non_Irony 0.526499\n", + "5108 Irony 0.507012\n", + "5109 Irony 0.536754\n", + "5110 Irony 0.511569\n", + "5111 Non_Irony 0.524799\n", + "\n", + "[5112 rows x 2 columns]" + ] + }, + "execution_count": 49, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_irony" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "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": 50, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "#df_new = df\n", + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "id": "0624be4c-eff7-433b-8db7-1961528f1b0d", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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: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" + ] + } + ], + "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": 52, + "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": 53, + "id": "5f569394-2fc5-4f83-8c09-e2baf571bf31", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 0.846103\n", + "1 0.841563\n", + "2 0.822945\n", + "3 0.103974\n", + "4 0.954803\n", + " ... \n", + "5107 1.000000\n", + "5108 0.719287\n", + "5109 0.747324\n", + "5110 0.723583\n", + "5111 1.000000\n", + "Name: score, Length: 5112, dtype: float64" + ] + }, + "execution_count": 53, + "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": 54, + "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": 55, + "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": 56, + "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": 56, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "id": "514e0ff4-465d-45ed-85be-b260cb796332", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + ":228: RuntimeWarning: pyarrow._fs.FileInfo size changed, may indicate binary incompatibility. Expected 64 from C header, got 88 from PyObject\n", + ":228: RuntimeWarning: pyarrow._fs.FileSelector size changed, may indicate binary incompatibility. Expected 48 from C header, got 72 from PyObject\n", + "/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": 58, + "id": "51af6cc3-dd96-41f9-8ee7-946b0ca0badc", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Dataset({\n", + " features: ['comments', 'label'],\n", + " num_rows: 5112\n", + "})" + ] + }, + "execution_count": 58, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_eval" + ] + }, + { + "cell_type": "code", + "execution_count": 59, + "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": 59, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_eval.features" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "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": 61, + "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": 62, + "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": 62, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# show the dictionary\n", + "df_eval" + ] + }, + { + "cell_type": "code", + "execution_count": 63, + "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": 64, + "id": "091a3101-499f-4d3f-8c71-397200aae22e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "5112" + ] + }, + "execution_count": 64, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(df)" + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "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": 78, + "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": 79, + "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": 80, + "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": 81, + "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": 82, + "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": 82, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_eval" + ] + }, + { + "cell_type": "code", + "execution_count": 83, + "id": "c94098de-e497-4fa7-8c15-0c4d6f1908d9", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "7c1a5a1c433b48b3b131b595882da773", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/4 [00:00\n", + " \n", + " \n", + " [1500/1500 05:53, 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.2387000.1604940.9549950.9972680.8816430.935897
20.0872000.0206230.9936990.9975550.9855070.991495
30.0226000.0049400.9991000.9975901.0000000.998794

" + ], + "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", + "/tmp/ipykernel_209066/3231114443.py:3: FutureWarning: load_metric is deprecated and will be removed in the next major version of datasets. Use 'evaluate.load' instead, from the new library 🤗 Evaluate: https://huggingface.co/docs/evaluate\n", + " accuracy_metric = load_metric(\"accuracy\")\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.11616522216796875, metrics={'train_runtime': 354.0437, 'train_samples_per_second': 33.894, 'train_steps_per_second': 4.237, 'total_flos': 3157332664320000.0, 'train_loss': 0.11616522216796875, 'epoch': 3.0})" + ] + }, + "execution_count": 93, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "trainer_irony.train()" + ] + }, + { + "cell_type": "code", + "execution_count": 94, + "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:09]\n", + "
\n", + " " + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'eval_loss': 0.004940225277096033,\n", + " 'eval_accuracy': 0.9990999099909991,\n", + " 'eval_precision': 0.9975903614457832,\n", + " 'eval_recall': 1.0,\n", + " 'eval_f1': 0.9987937273823884,\n", + " 'eval_runtime': 19.135,\n", + " 'eval_samples_per_second': 58.061,\n", + " 'eval_steps_per_second': 7.264,\n", + " 'epoch': 3.0}" + ] + }, + "execution_count": 94, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "trainer_irony.evaluate()" + ] + }, + { + "cell_type": "code", + "execution_count": 95, + "id": "d988e6d4-21c4-4423-9e48-8433d5e40e9e", + "metadata": {}, + "outputs": [], + "source": [ + "#df_train[\"label\"] = df_train[\"label\"].apply(lambda x: str(x))\n", + "#df_train[\"label\"] = df_train[\"label\"].replace(to_replace='None', value=np.nan).dropna()\n", + "#df_train = list(filter(lambda x: df_train[x] is not None, df_train))" + ] + } + ], + "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 +}