diff --git a/Demo/test.py b/Demo/test.py
index 6ec7923f0b4917c9c64c68859a64be2326649dcf..5e756194ac40243af1aaf5cdf619db8f7286bf79 100644
--- a/Demo/test.py
+++ b/Demo/test.py
@@ -1,3 +1,8 @@
+# !!!
+# The data for this script was taken from a Kaggle tutorial,
+# it can be found at: https://www.kaggle.com/code/mmetter/pokemon-data-analysis-tutorial/data
+# !!!
+
 import numpy as np 
 import pandas as pd 
 import matplotlib.pyplot as plt
diff --git a/Main/AST-Processing/Graphs/finalGraph.png b/Main/AST-Processing/Graphs/finalGraph.png
new file mode 100644
index 0000000000000000000000000000000000000000..6bd8f0d7e76c0885e51f2773ea045bdafd4c7dbc
Binary files /dev/null and b/Main/AST-Processing/Graphs/finalGraph.png differ
diff --git a/Main/AST-Processing/Graphs/finalGraphBig.png b/Main/AST-Processing/Graphs/finalGraphBig.png
new file mode 100644
index 0000000000000000000000000000000000000000..3fe5eb77e924f317550b5eba23fed73084606be4
Binary files /dev/null and b/Main/AST-Processing/Graphs/finalGraphBig.png differ
diff --git a/Main/AST-Processing/Graphs/startingGraph.png b/Main/AST-Processing/Graphs/startingGraph.png
index 12c1cf35e75301591481676dc4a356998ec1e793..69456943ec6aeeee95d191cb8c129e6a0db8f7a4 100644
Binary files a/Main/AST-Processing/Graphs/startingGraph.png and b/Main/AST-Processing/Graphs/startingGraph.png differ
diff --git a/Main/AST-Processing/Graphs/startingGraphBig.png b/Main/AST-Processing/Graphs/startingGraphBig.png
new file mode 100644
index 0000000000000000000000000000000000000000..2958fc441c33199aa1ccb25d7c65aff5976e01f3
Binary files /dev/null and b/Main/AST-Processing/Graphs/startingGraphBig.png differ
diff --git a/Main/AST-Processing/Graphs/verticallyMergedGraph.png b/Main/AST-Processing/Graphs/verticallyMergedGraph.png
deleted file mode 100644
index 048a64f56b54d7226671777bf31765f9ab7c1987..0000000000000000000000000000000000000000
Binary files a/Main/AST-Processing/Graphs/verticallyMergedGraph.png and /dev/null differ
diff --git a/Main/AST-Processing/JSON/pretty_core_dictionaries.json b/Main/AST-Processing/JSON/pretty_core_dictionaries.json
new file mode 100644
index 0000000000000000000000000000000000000000..03f3261260d0d7422f1afa111dfda12049f1af4a
--- /dev/null
+++ b/Main/AST-Processing/JSON/pretty_core_dictionaries.json
@@ -0,0 +1,2536 @@
+[
+    {
+        "id": 0,
+        "type": "Import",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "import globals",
+        "runtime": 0
+    },
+    {
+        "id": 1,
+        "type": "Import",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "import numpy as np",
+        "runtime": 0
+    },
+    {
+        "id": 2,
+        "type": "Import",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "import pandas as pd",
+        "runtime": 0
+    },
+    {
+        "id": 3,
+        "type": "Import",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "import matplotlib.pyplot as plt",
+        "runtime": 0
+    },
+    {
+        "id": 4,
+        "type": "Import",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "import os",
+        "runtime": 0
+    },
+    {
+        "id": 5,
+        "type": "Import",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "import warnings",
+        "runtime": 0
+    },
+    {
+        "id": 6,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.preprocessing import LabelEncoder",
+        "runtime": 0
+    },
+    {
+        "id": 7,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.tree import DecisionTreeClassifier",
+        "runtime": 0
+    },
+    {
+        "id": 8,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.ensemble import RandomForestClassifier",
+        "runtime": 0
+    },
+    {
+        "id": 9,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.svm import SVC",
+        "runtime": 0
+    },
+    {
+        "id": 10,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.linear_model import LogisticRegression",
+        "runtime": 0
+    },
+    {
+        "id": 11,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.neighbors import KNeighborsClassifier",
+        "runtime": 0
+    },
+    {
+        "id": 12,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.model_selection import GridSearchCV",
+        "runtime": 0
+    },
+    {
+        "id": 13,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from sklearn.ensemble import VotingClassifier",
+        "runtime": 0
+    },
+    {
+        "id": 14,
+        "type": "ImportFrom",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "from yellowbrick.features import RadViz",
+        "runtime": 0
+    },
+    {
+        "id": 15,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def P_drop(data,drop_strategies):\n    for column, strategy in drop_strategies.items():\n                data=data.drop(labels=[column], axis=strategy)\n    return data",
+        "runtime": 0
+    },
+    {
+        "id": 16,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def D_fill_arrays():\n    a1 = np.array([1, 2, 3, 4, 5])\n    a2 = np.zeros(10000)\n    np.append(a1, 6)\n    np.append(a1, 7)\n    np.append(a1, 8)\n    a2[0] = 1\n    a2[1] = 2\n    for i in range(0,len(a2)):\n                a2[i] = 1\n    return a1, a2",
+        "runtime": 0
+    },
+    {
+        "id": 17,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def O__get_train_and_test():\n    globals.O_X_train=globals.O_all_data[:globals.O_number_of_train]\n    globals.O_X_test=globals.O_all_data[globals.O_number_of_train:]",
+        "runtime": 0
+    },
+    {
+        "id": 18,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def O__get_all_data():\n    return pd.concat([globals.O_train, globals.O_test])",
+        "runtime": 0
+    },
+    {
+        "id": 19,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def G_save_result():\n    Submission = pd.DataFrame({'PassengerId': globals.G_submission_id,\n                                               'Survived': globals.G_Y_pred})\n    file_name=\"{}_{}.csv\".format(globals.G_strategy_type,globals.G_current_clf_name.lower())\n    Submission.to_csv(file_name, index=False)\n    print(\"Submission saved file name: \",file_name)",
+        "runtime": 0
+    },
+    {
+        "id": 20,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def D_increment1(i):\n    globals.D_dummy_array1[i] = 1 + globals.D_dummy_array1[i]",
+        "runtime": 0
+    },
+    {
+        "id": 21,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def D_initialize_arrays():\n    a1, a2 = D_fill_arrays()\n    globals.D_dummy_array1 = a1\n    globals.D_dummy_array2 = a2",
+        "runtime": 0
+    },
+    {
+        "id": 22,
+        "type": "FunctionDef",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "def D_increment2(i):\n    globals.D_dummy_array2[i] = 1 + globals.D_dummy_array2[i]",
+        "runtime": 0
+    },
+    {
+        "id": 23,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [
+            4
+        ],
+        "code": "print(os.listdir(\"data\"))",
+        "runtime": 0
+    },
+    {
+        "id": 24,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [
+            5
+        ],
+        "code": "warnings.filterwarnings('ignore')",
+        "runtime": 0
+    },
+    {
+        "id": 25,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Warnings were ignored\")",
+        "runtime": 0
+    },
+    {
+        "id": 26,
+        "type": "Assign",
+        "input": [
+            "data/train.csv"
+        ],
+        "output": [
+            "train"
+        ],
+        "dependencies": [
+            2
+        ],
+        "code": "train = pd.read_csv(\"data/train.csv\")",
+        "runtime": 0
+    },
+    {
+        "id": 27,
+        "type": "Assign",
+        "input": [
+            "data/test.csv"
+        ],
+        "output": [
+            "test"
+        ],
+        "dependencies": [
+            2
+        ],
+        "code": "test = pd.read_csv(\"data/test.csv\")",
+        "runtime": 0
+    },
+    {
+        "id": 28,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"ObjectOrientedTitanic object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 29,
+        "type": "Assign",
+        "input": [
+            "test"
+        ],
+        "output": [
+            "globals.O_testPassengerID"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_testPassengerID=test['PassengerId']",
+        "runtime": 0
+    },
+    {
+        "id": 30,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_number_of_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_number_of_train=train.shape[0]",
+        "runtime": 0
+    },
+    {
+        "id": 31,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_y_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_y_train=train['Survived']",
+        "runtime": 0
+    },
+    {
+        "id": 32,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_train=train.drop('Survived', axis=1)",
+        "runtime": 0
+    },
+    {
+        "id": 33,
+        "type": "Assign",
+        "input": [
+            "test"
+        ],
+        "output": [
+            "globals.O_test"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_test=test",
+        "runtime": 0
+    },
+    {
+        "id": 34,
+        "type": "Assign",
+        "input": [
+            "globals.O_test",
+            "globals.O_train"
+        ],
+        "output": [
+            "globals.O_all_data"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -4
+        ],
+        "code": "globals.O_all_data=O__get_all_data()",
+        "runtime": 0
+    },
+    {
+        "id": 35,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Information object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 36,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats=None",
+        "runtime": 0
+    },
+    {
+        "id": 37,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Preprocess object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 38,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Visualizer object created!\")",
+        "runtime": 0
+    },
+    {
+        "id": 39,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"GridSearchHelper Created\")",
+        "runtime": 0
+    },
+    {
+        "id": 40,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_gridSearchCV"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_gridSearchCV=None",
+        "runtime": 0
+    },
+    {
+        "id": 41,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params=list()",
+        "runtime": 0
+    },
+    {
+        "id": 42,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            11
+        ],
+        "code": "clf= KNeighborsClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 43,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params={'n_neighbors':[5,7,9,11,13,15],\n                  'leaf_size':[1,2,3,5],\n                  'weights':['uniform', 'distance']\n                  }",
+        "runtime": 0
+    },
+    {
+        "id": 44,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 45,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            10
+        ],
+        "code": "clf=LogisticRegression()",
+        "runtime": 0
+    },
+    {
+        "id": 46,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [
+            1
+        ],
+        "code": "params={'penalty':['l1', 'l2'],\n                        'C':np.logspace(0, 4, 10)\n                        }",
+        "runtime": 0
+    },
+    {
+        "id": 47,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 48,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            9
+        ],
+        "code": "clf = SVC()",
+        "runtime": 0
+    },
+    {
+        "id": 49,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params = [ {'C': [1, 10, 100, 1000], 'kernel': ['linear']},\n                           {'C': [1, 10, 100, 1000], 'gamma': [0.001, 0.0001], 'kernel': ['rbf']}]",
+        "runtime": 0
+    },
+    {
+        "id": 50,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 51,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            7
+        ],
+        "code": "clf=DecisionTreeClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 52,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params={'max_features': ['auto', 'sqrt', 'log2'],\n                  'min_samples_split': [2,3,4,5,6,7,8,9,10,11,12,13,14,15],\n                  'min_samples_leaf':[1],\n                  'random_state':[123]}",
+        "runtime": 0
+    },
+    {
+        "id": 53,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf,params))",
+        "runtime": 0
+    },
+    {
+        "id": 54,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            8
+        ],
+        "code": "clf = RandomForestClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 55,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params = {'n_estimators': [4, 6, 9],\n                      'max_features': ['log2', 'sqrt','auto'],\n                      'criterion': ['entropy', 'gini'],\n                      'max_depth': [2, 3, 5, 10],\n                      'min_samples_split': [2, 3, 5],\n                      'min_samples_leaf': [1,5,8]\n                     }",
+        "runtime": 0
+    },
+    {
+        "id": 56,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 57,
+        "type": "Assign",
+        "input": [
+            "globals.O_all_data"
+        ],
+        "output": [
+            "feature_dtypes"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "feature_dtypes=globals.O_all_data.dtypes",
+        "runtime": 0
+    },
+    {
+        "id": 58,
+        "type": "Assign",
+        "input": [
+            "globals.O_all_data"
+        ],
+        "output": [
+            "missing_values"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "missing_values = globals.O_all_data.isnull().sum()",
+        "runtime": 0
+    },
+    {
+        "id": 59,
+        "type": "Assign",
+        "input": [
+            "missing_values"
+        ],
+        "output": [
+            "missing_values"
+        ],
+        "dependencies": [],
+        "code": "missing_values = missing_values.sort_values(ascending=False)",
+        "runtime": 0
+    },
+    {
+        "id": 60,
+        "type": "Assign",
+        "input": [
+            "missing_values"
+        ],
+        "output": [
+            "globals.I_missing_values"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.I_missing_values = missing_values",
+        "runtime": 0
+    },
+    {
+        "id": 61,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"=\" * 50)",
+        "runtime": 0
+    },
+    {
+        "id": 62,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"{:16} {:16} {:25} {:16}\".format(\"Feature Name\".upper(),\n                                                            \"Data Format\".upper(),\n                                                            \"# of Missing Values\".upper(),\n                                                            \"Samples\".upper()))",
+        "runtime": 0
+    },
+    {
+        "id": 63,
+        "type": "For",
+        "input": [
+            "feature_dtypes",
+            "globals.I_missing_values",
+            "globals.O_all_data"
+        ],
+        "output": [
+            "missing_value",
+            "dtype",
+            "v",
+            "feature_dtypes",
+            "feature_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for feature_name, dtype, missing_value in zip(globals.I_missing_values.index.values,\n                                              feature_dtypes[globals.I_missing_values.index.values],\n                                              globals.I_missing_values.values):\n    print(\"{:18} {:19} {:19} \".format(feature_name, str(dtype), str(missing_value)), end=\"\")\n    for v in globals.O_all_data[feature_name].values[:10]:\n        print(v, end=\",\")\n    print()",
+        "runtime": 0
+    },
+    {
+        "id": 64,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"=\"*50)",
+        "runtime": 0
+    },
+    {
+        "id": 65,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.O_strategy_type"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_strategy_type='strategy1'",
+        "runtime": 0
+    },
+    {
+        "id": 66,
+        "type": "Assign",
+        "input": [
+            "globals.O_test",
+            "globals.O_train"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -4
+        ],
+        "code": "globals.S_dats=O__get_all_data()",
+        "runtime": 0
+    },
+    {
+        "id": 67,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "drop_strategy"
+        ],
+        "dependencies": [],
+        "code": "drop_strategy = {'PassengerId': 1,  \n                                 'Cabin': 1,\n                                 'Ticket': 1}",
+        "runtime": 0
+    },
+    {
+        "id": 68,
+        "type": "Assign",
+        "input": [
+            "drop_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            -1
+        ],
+        "code": "globals.S_dats = P_drop(globals.S_dats, drop_strategy)",
+        "runtime": 0
+    },
+    {
+        "id": 69,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "fill_strategy"
+        ],
+        "dependencies": [],
+        "code": "fill_strategy = {'Age': 'Median',\n                                 'Fare': 'Median',\n                                 'Embarked': 'Mode'}",
+        "runtime": 0
+    },
+    {
+        "id": 70,
+        "type": "For",
+        "input": [
+            "fill_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "fill_strategy",
+            "column",
+            "globals.S_dats",
+            "strategy"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for column, strategy in fill_strategy.items():\n    if strategy == 'None':\n        globals.S_dats[column] = globals.S_dats[column].fillna('None')\n    elif strategy == 'Zero':\n        globals.S_dats[column] = globals.S_dats[column].fillna(0)\n    elif strategy == 'Mode':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].mode()[0])\n    elif strategy == 'Mean':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].mean())\n    elif strategy == 'Median':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].median())\n    else:\n        print(\"{}: There is no such thing as preprocess strategy\".format(strategy))",
+        "runtime": 0
+    },
+    {
+        "id": 71,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 72,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['FamilySize'] = globals.S_dats['SibSp'] + globals.S_dats['Parch'] + 1",
+        "runtime": 0
+    },
+    {
+        "id": 73,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['IsAlone'] = 1",
+        "runtime": 0
+    },
+    {
+        "id": 74,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats.loc[(globals.S_dats['FamilySize'] > 1), 'IsAlone'] = 0",
+        "runtime": 0
+    },
+    {
+        "id": 75,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['Title'] = globals.S_dats['Name'].str.split(\", \", expand=True)[1].str.split('.', expand=True)[0]",
+        "runtime": 0
+    },
+    {
+        "id": 76,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "min_lengtht"
+        ],
+        "dependencies": [],
+        "code": "min_lengtht = 10",
+        "runtime": 0
+    },
+    {
+        "id": 77,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats",
+            "min_lengtht"
+        ],
+        "output": [
+            "title_names"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "title_names = (globals.S_dats['Title'].value_counts() < min_lengtht)",
+        "runtime": 0
+    },
+    {
+        "id": 78,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats",
+            "title_names"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['Title'] = globals.S_dats['Title'].apply(lambda x: 'Misc' if title_names.loc[x] == True else x)",
+        "runtime": 0
+    },
+    {
+        "id": 79,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 80,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats['FareBin'] = pd.qcut(globals.S_dats['Fare'], 4)",
+        "runtime": 0
+    },
+    {
+        "id": 81,
+        "type": "Assign",
+        "input": [
+            "int",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats['AgeBin'] = pd.cut(globals.S_dats['Age'].astype(int), 5)",
+        "runtime": 0
+    },
+    {
+        "id": 82,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "drop_strategy"
+        ],
+        "dependencies": [],
+        "code": "drop_strategy = {'Age': 1,  \n                    'Name': 1,\n                    'Fare': 1}",
+        "runtime": 0
+    },
+    {
+        "id": 83,
+        "type": "Assign",
+        "input": [
+            "drop_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            -1
+        ],
+        "code": "globals.S_dats = P_drop(globals.S_dats, drop_strategy)",
+        "runtime": 0
+    },
+    {
+        "id": 84,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 85,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "labelEncoder"
+        ],
+        "dependencies": [
+            6
+        ],
+        "code": "labelEncoder=LabelEncoder()",
+        "runtime": 0
+    },
+    {
+        "id": 86,
+        "type": "For",
+        "input": [
+            "globals.S_dats",
+            "labelEncoder"
+        ],
+        "output": [
+            "labelEncoder",
+            "column",
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for column in globals.S_dats.columns.values:\n    if 'int64'==globals.S_dats[column].dtype or 'float64'==globals.S_dats[column].dtype or 'int64'==globals.S_dats[column].dtype:\n        continue\n    labelEncoder.fit(globals.S_dats[column])\n    globals.S_dats[column]=labelEncoder.transform(globals.S_dats[column])",
+        "runtime": 0
+    },
+    {
+        "id": 87,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 88,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "non_dummies"
+        ],
+        "dependencies": [],
+        "code": "non_dummies = list()",
+        "runtime": 0
+    },
+    {
+        "id": 89,
+        "type": "For",
+        "input": [
+            "globals.S_dats",
+            "non_dummies"
+        ],
+        "output": [
+            "non_dummies",
+            "col"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for col in globals.S_dats.columns.values:\n    if col not in ['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']:\n        non_dummies.append(col)",
+        "runtime": 0
+    },
+    {
+        "id": 90,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "columns"
+        ],
+        "dependencies": [],
+        "code": "columns=['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']",
+        "runtime": 0
+    },
+    {
+        "id": 91,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "dummies_dat"
+        ],
+        "dependencies": [],
+        "code": "dummies_dat = list()",
+        "runtime": 0
+    },
+    {
+        "id": 92,
+        "type": "For",
+        "input": [
+            "dummies_dat",
+            "globals.S_dats",
+            "columns"
+        ],
+        "output": [
+            "dummies_dat",
+            "col",
+            "columns"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "for col in columns:\n    dummies_dat.append(pd.get_dummies(globals.S_dats[col],prefix=col))",
+        "runtime": 0
+    },
+    {
+        "id": 93,
+        "type": "For",
+        "input": [
+            "dummies_dat",
+            "globals.S_dats",
+            "non_dummies"
+        ],
+        "output": [
+            "dummies_dat",
+            "non_dummies",
+            "non_dummy"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for non_dummy in non_dummies:\n    dummies_dat.append(globals.S_dats[non_dummy])",
+        "runtime": 0
+    },
+    {
+        "id": 94,
+        "type": "Assign",
+        "input": [
+            "dummies_dat"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats = pd.concat(dummies_dat, axis=1)",
+        "runtime": 0
+    },
+    {
+        "id": 95,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.O_all_data"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_all_data = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 96,
+        "type": "Expr",
+        "input": [
+            "globals.O_number_of_train",
+            "globals.O_all_data"
+        ],
+        "output": [
+            "globals.O_X_train",
+            "globals.O_X_test"
+        ],
+        "dependencies": [
+            0,
+            -3
+        ],
+        "code": "O__get_train_and_test()",
+        "runtime": 0
+    },
+    {
+        "id": 97,
+        "type": "If",
+        "input": [
+            "globals.O_X_train"
+        ],
+        "output": [
+            "features"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "if None is None:\n    features=globals.O_X_train.columns.values\nelse:\n    features=globals.O_X_train.columns.values[:None]",
+        "runtime": 0
+    },
+    {
+        "id": 98,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "fig",
+            "ax"
+        ],
+        "dependencies": [
+            3
+        ],
+        "code": "fig, ax=plt.subplots(1, figsize=(15,12))",
+        "runtime": 0
+    },
+    {
+        "id": 99,
+        "type": "Assign",
+        "input": [
+            "features"
+        ],
+        "output": [
+            "radViz"
+        ],
+        "dependencies": [
+            14
+        ],
+        "code": "radViz=RadViz(classes=['survived', 'not survived'], features=features)",
+        "runtime": 0
+    },
+    {
+        "id": 100,
+        "type": "Expr",
+        "input": [
+            "globals.O_X_train",
+            "radViz",
+            "globals.O_y_train"
+        ],
+        "output": [
+            "radViz"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "radViz.fit(globals.O_X_train, globals.O_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 101,
+        "type": "Expr",
+        "input": [
+            "globals.O_X_train",
+            "radViz"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "radViz.transform(globals.O_X_train)",
+        "runtime": 0
+    },
+    {
+        "id": 102,
+        "type": "Expr",
+        "input": [
+            "radViz"
+        ],
+        "output": [],
+        "dependencies": [],
+        "code": "radViz.poof()",
+        "runtime": 0
+    },
+    {
+        "id": 103,
+        "type": "Expr",
+        "input": [
+            "globals.O_number_of_train",
+            "globals.O_all_data"
+        ],
+        "output": [
+            "globals.O_X_train",
+            "globals.O_X_test"
+        ],
+        "dependencies": [
+            0,
+            -3
+        ],
+        "code": "O__get_train_and_test()",
+        "runtime": 0
+    },
+    {
+        "id": 104,
+        "type": "Assign",
+        "input": [
+            "globals.O_X_train"
+        ],
+        "output": [
+            "globals.G_X_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_X_train=globals.O_X_train",
+        "runtime": 0
+    },
+    {
+        "id": 105,
+        "type": "Assign",
+        "input": [
+            "globals.O_X_test"
+        ],
+        "output": [
+            "globals.G_X_test"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_X_test=globals.O_X_test",
+        "runtime": 0
+    },
+    {
+        "id": 106,
+        "type": "Assign",
+        "input": [
+            "globals.O_y_train"
+        ],
+        "output": [
+            "globals.G_y_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_y_train=globals.O_y_train",
+        "runtime": 0
+    },
+    {
+        "id": 107,
+        "type": "Assign",
+        "input": [
+            "globals.O_testPassengerID"
+        ],
+        "output": [
+            "globals.G_submission_id"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_submission_id=globals.O_testPassengerID",
+        "runtime": 0
+    },
+    {
+        "id": 108,
+        "type": "Assign",
+        "input": [
+            "globals.O_strategy_type"
+        ],
+        "output": [
+            "globals.G_strategy_type"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_strategy_type=globals.O_strategy_type",
+        "runtime": 0
+    },
+    {
+        "id": 109,
+        "type": "Assign",
+        "input": [
+            "globals.G_clf_and_params"
+        ],
+        "output": [
+            "clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_and_params = globals.G_clf_and_params",
+        "runtime": 0
+    },
+    {
+        "id": 110,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models=[]",
+        "runtime": 0
+    },
+    {
+        "id": 111,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results={}",
+        "runtime": 0
+    },
+    {
+        "id": 112,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf1"
+        ],
+        "dependencies": [],
+        "code": "clf1 = clf_and_params[0][0]",
+        "runtime": 0
+    },
+    {
+        "id": 113,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params1"
+        ],
+        "dependencies": [],
+        "code": "params1 = clf_and_params[0][1]",
+        "runtime": 0
+    },
+    {
+        "id": 114,
+        "type": "Assign",
+        "input": [
+            "clf1"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf1.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 115,
+        "type": "Assign",
+        "input": [
+            "params1",
+            "clf1"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf1, params1, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 116,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 117,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 118,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 119,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 120,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 121,
+        "type": "Expr",
+        "input": [
+            "models",
+            "clf1"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf1)",
+        "runtime": 0
+    },
+    {
+        "id": 122,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 123,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results1"
+        ],
+        "dependencies": [],
+        "code": "results1 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 124,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 125,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf2"
+        ],
+        "dependencies": [],
+        "code": "clf2 = clf_and_params[1][0]",
+        "runtime": 0
+    },
+    {
+        "id": 126,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params2"
+        ],
+        "dependencies": [],
+        "code": "params2 = clf_and_params[1][1]",
+        "runtime": 0
+    },
+    {
+        "id": 127,
+        "type": "Assign",
+        "input": [
+            "clf2"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf2.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 128,
+        "type": "Assign",
+        "input": [
+            "clf2",
+            "params2"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf2, params2, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 129,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 130,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 131,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 132,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 133,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 134,
+        "type": "Expr",
+        "input": [
+            "clf2",
+            "models"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf2)",
+        "runtime": 0
+    },
+    {
+        "id": 135,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 136,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results2"
+        ],
+        "dependencies": [],
+        "code": "results2 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 137,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 138,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf3"
+        ],
+        "dependencies": [],
+        "code": "clf3 = clf_and_params[2][0]",
+        "runtime": 0
+    },
+    {
+        "id": 139,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params3"
+        ],
+        "dependencies": [],
+        "code": "params3 = clf_and_params[2][1]",
+        "runtime": 0
+    },
+    {
+        "id": 140,
+        "type": "Assign",
+        "input": [
+            "clf3"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf3.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 141,
+        "type": "Assign",
+        "input": [
+            "clf3",
+            "params3"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf3, params3, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 142,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 143,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 144,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 145,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 146,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 147,
+        "type": "Expr",
+        "input": [
+            "clf3",
+            "models"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf3)",
+        "runtime": 0
+    },
+    {
+        "id": 148,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 149,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results3"
+        ],
+        "dependencies": [],
+        "code": "results3 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 150,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 151,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf4"
+        ],
+        "dependencies": [],
+        "code": "clf4 = clf_and_params[3][0]",
+        "runtime": 0
+    },
+    {
+        "id": 152,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params4"
+        ],
+        "dependencies": [],
+        "code": "params4 = clf_and_params[3][1]",
+        "runtime": 0
+    },
+    {
+        "id": 153,
+        "type": "Assign",
+        "input": [
+            "clf4"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf4.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 154,
+        "type": "Assign",
+        "input": [
+            "params4",
+            "clf4"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf4, params4, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 155,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 156,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 157,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 158,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 159,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 160,
+        "type": "Expr",
+        "input": [
+            "models",
+            "clf4"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf4)",
+        "runtime": 0
+    },
+    {
+        "id": 161,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 162,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results4"
+        ],
+        "dependencies": [],
+        "code": "results4 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 163,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 164,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf5"
+        ],
+        "dependencies": [],
+        "code": "clf5 = clf_and_params[4][0]",
+        "runtime": 0
+    },
+    {
+        "id": 165,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params5"
+        ],
+        "dependencies": [],
+        "code": "params5 = clf_and_params[4][1]",
+        "runtime": 0
+    },
+    {
+        "id": 166,
+        "type": "Assign",
+        "input": [
+            "clf5"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf5.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 167,
+        "type": "Assign",
+        "input": [
+            "clf5",
+            "params5"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf5, params5, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 168,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 169,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 170,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 171,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 172,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 173,
+        "type": "Expr",
+        "input": [
+            "models",
+            "clf5"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf5)",
+        "runtime": 0
+    },
+    {
+        "id": 174,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 175,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results5"
+        ],
+        "dependencies": [],
+        "code": "results5 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 176,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 177,
+        "type": "For",
+        "input": [
+            "globals.G_results"
+        ],
+        "output": [
+            "clf_name",
+            "train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for clf_name, train_acc in globals.G_results.items():\n          print(\"{} train accuracy is {:.3f}\".format(clf_name, train_acc))",
+        "runtime": 0
+    },
+    {
+        "id": 178,
+        "type": "Expr",
+        "input": [],
+        "output": [
+            "globals.D_dummy_array1",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            1,
+            -7,
+            -2
+        ],
+        "code": "D_initialize_arrays()",
+        "runtime": 0
+    },
+    {
+        "id": 179,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array1"
+        ],
+        "output": [
+            "globals.D_dummy_array1"
+        ],
+        "dependencies": [
+            0,
+            -6
+        ],
+        "code": "D_increment1(0)",
+        "runtime": 0
+    },
+    {
+        "id": 180,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array1"
+        ],
+        "output": [
+            "globals.D_dummy_array1"
+        ],
+        "dependencies": [
+            0,
+            -6
+        ],
+        "code": "D_increment1(0)",
+        "runtime": 0
+    },
+    {
+        "id": 181,
+        "type": "Expr",
+        "input": [],
+        "output": [
+            "globals.D_dummy_array1",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            1,
+            -7,
+            -2
+        ],
+        "code": "D_initialize_arrays()",
+        "runtime": 0
+    },
+    {
+        "id": 182,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "D_increment2(1)",
+        "runtime": 0
+    },
+    {
+        "id": 183,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "D_increment2(2)",
+        "runtime": 0
+    },
+    {
+        "id": 184,
+        "type": "For",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "i",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "for i in range(0,100):\n    D_increment2(i)",
+        "runtime": 0
+    }
+]
diff --git a/Main/AST-Processing/JSON/pretty_relevant_dictionaries.json b/Main/AST-Processing/JSON/pretty_relevant_dictionaries.json
new file mode 100644
index 0000000000000000000000000000000000000000..b13658631f2d77099506de1f068340e0f1999095
--- /dev/null
+++ b/Main/AST-Processing/JSON/pretty_relevant_dictionaries.json
@@ -0,0 +1,2329 @@
+[
+    {
+        "id": 23,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [
+            4
+        ],
+        "code": "print(os.listdir(\"data\"))",
+        "runtime": 0
+    },
+    {
+        "id": 24,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [
+            5
+        ],
+        "code": "warnings.filterwarnings('ignore')",
+        "runtime": 0
+    },
+    {
+        "id": 25,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Warnings were ignored\")",
+        "runtime": 0
+    },
+    {
+        "id": 26,
+        "type": "Assign",
+        "input": [
+            "data/train.csv"
+        ],
+        "output": [
+            "train"
+        ],
+        "dependencies": [
+            2
+        ],
+        "code": "train = pd.read_csv(\"data/train.csv\")",
+        "runtime": 0
+    },
+    {
+        "id": 27,
+        "type": "Assign",
+        "input": [
+            "data/test.csv"
+        ],
+        "output": [
+            "test"
+        ],
+        "dependencies": [
+            2
+        ],
+        "code": "test = pd.read_csv(\"data/test.csv\")",
+        "runtime": 0
+    },
+    {
+        "id": 28,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"ObjectOrientedTitanic object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 29,
+        "type": "Assign",
+        "input": [
+            "test"
+        ],
+        "output": [
+            "globals.O_testPassengerID"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_testPassengerID=test['PassengerId']",
+        "runtime": 0
+    },
+    {
+        "id": 30,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_number_of_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_number_of_train=train.shape[0]",
+        "runtime": 0
+    },
+    {
+        "id": 31,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_y_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_y_train=train['Survived']",
+        "runtime": 0
+    },
+    {
+        "id": 32,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_train=train.drop('Survived', axis=1)",
+        "runtime": 0
+    },
+    {
+        "id": 33,
+        "type": "Assign",
+        "input": [
+            "test"
+        ],
+        "output": [
+            "globals.O_test"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_test=test",
+        "runtime": 0
+    },
+    {
+        "id": 34,
+        "type": "Assign",
+        "input": [
+            "globals.O_test",
+            "globals.O_train"
+        ],
+        "output": [
+            "globals.O_all_data"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -4
+        ],
+        "code": "globals.O_all_data=O__get_all_data()",
+        "runtime": 0
+    },
+    {
+        "id": 35,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Information object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 36,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats=None",
+        "runtime": 0
+    },
+    {
+        "id": 37,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Preprocess object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 38,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"Visualizer object created!\")",
+        "runtime": 0
+    },
+    {
+        "id": 39,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"GridSearchHelper Created\")",
+        "runtime": 0
+    },
+    {
+        "id": 40,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_gridSearchCV"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_gridSearchCV=None",
+        "runtime": 0
+    },
+    {
+        "id": 41,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params=list()",
+        "runtime": 0
+    },
+    {
+        "id": 42,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            11
+        ],
+        "code": "clf= KNeighborsClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 43,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params={'n_neighbors':[5,7,9,11,13,15],\n                  'leaf_size':[1,2,3,5],\n                  'weights':['uniform', 'distance']\n                  }",
+        "runtime": 0
+    },
+    {
+        "id": 44,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 45,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            10
+        ],
+        "code": "clf=LogisticRegression()",
+        "runtime": 0
+    },
+    {
+        "id": 46,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [
+            1
+        ],
+        "code": "params={'penalty':['l1', 'l2'],\n                        'C':np.logspace(0, 4, 10)\n                        }",
+        "runtime": 0
+    },
+    {
+        "id": 47,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 48,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            9
+        ],
+        "code": "clf = SVC()",
+        "runtime": 0
+    },
+    {
+        "id": 49,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params = [ {'C': [1, 10, 100, 1000], 'kernel': ['linear']},\n                           {'C': [1, 10, 100, 1000], 'gamma': [0.001, 0.0001], 'kernel': ['rbf']}]",
+        "runtime": 0
+    },
+    {
+        "id": 50,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 51,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            7
+        ],
+        "code": "clf=DecisionTreeClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 52,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params={'max_features': ['auto', 'sqrt', 'log2'],\n                  'min_samples_split': [2,3,4,5,6,7,8,9,10,11,12,13,14,15],\n                  'min_samples_leaf':[1],\n                  'random_state':[123]}",
+        "runtime": 0
+    },
+    {
+        "id": 53,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf,params))",
+        "runtime": 0
+    },
+    {
+        "id": 54,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            8
+        ],
+        "code": "clf = RandomForestClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 55,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params = {'n_estimators': [4, 6, 9],\n                      'max_features': ['log2', 'sqrt','auto'],\n                      'criterion': ['entropy', 'gini'],\n                      'max_depth': [2, 3, 5, 10],\n                      'min_samples_split': [2, 3, 5],\n                      'min_samples_leaf': [1,5,8]\n                     }",
+        "runtime": 0
+    },
+    {
+        "id": 56,
+        "type": "Expr",
+        "input": [
+            "params",
+            "globals.G_clf_and_params",
+            "clf"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 57,
+        "type": "Assign",
+        "input": [
+            "globals.O_all_data"
+        ],
+        "output": [
+            "feature_dtypes"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "feature_dtypes=globals.O_all_data.dtypes",
+        "runtime": 0
+    },
+    {
+        "id": 58,
+        "type": "Assign",
+        "input": [
+            "globals.O_all_data"
+        ],
+        "output": [
+            "missing_values"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "missing_values = globals.O_all_data.isnull().sum()",
+        "runtime": 0
+    },
+    {
+        "id": 59,
+        "type": "Assign",
+        "input": [
+            "missing_values"
+        ],
+        "output": [
+            "missing_values"
+        ],
+        "dependencies": [],
+        "code": "missing_values = missing_values.sort_values(ascending=False)",
+        "runtime": 0
+    },
+    {
+        "id": 60,
+        "type": "Assign",
+        "input": [
+            "missing_values"
+        ],
+        "output": [
+            "globals.I_missing_values"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.I_missing_values = missing_values",
+        "runtime": 0
+    },
+    {
+        "id": 61,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"=\" * 50)",
+        "runtime": 0
+    },
+    {
+        "id": 62,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"{:16} {:16} {:25} {:16}\".format(\"Feature Name\".upper(),\n                                                            \"Data Format\".upper(),\n                                                            \"# of Missing Values\".upper(),\n                                                            \"Samples\".upper()))",
+        "runtime": 0
+    },
+    {
+        "id": 63,
+        "type": "For",
+        "input": [
+            "feature_dtypes",
+            "globals.I_missing_values",
+            "globals.O_all_data"
+        ],
+        "output": [
+            "missing_value",
+            "dtype",
+            "v",
+            "feature_dtypes",
+            "feature_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for feature_name, dtype, missing_value in zip(globals.I_missing_values.index.values,\n                                              feature_dtypes[globals.I_missing_values.index.values],\n                                              globals.I_missing_values.values):\n    print(\"{:18} {:19} {:19} \".format(feature_name, str(dtype), str(missing_value)), end=\"\")\n    for v in globals.O_all_data[feature_name].values[:10]:\n        print(v, end=\",\")\n    print()",
+        "runtime": 0
+    },
+    {
+        "id": 64,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print(\"=\"*50)",
+        "runtime": 0
+    },
+    {
+        "id": 65,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.O_strategy_type"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_strategy_type='strategy1'",
+        "runtime": 0
+    },
+    {
+        "id": 66,
+        "type": "Assign",
+        "input": [
+            "globals.O_test",
+            "globals.O_train"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -4
+        ],
+        "code": "globals.S_dats=O__get_all_data()",
+        "runtime": 0
+    },
+    {
+        "id": 67,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "drop_strategy"
+        ],
+        "dependencies": [],
+        "code": "drop_strategy = {'PassengerId': 1,  \n                                 'Cabin': 1,\n                                 'Ticket': 1}",
+        "runtime": 0
+    },
+    {
+        "id": 68,
+        "type": "Assign",
+        "input": [
+            "drop_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            -1
+        ],
+        "code": "globals.S_dats = P_drop(globals.S_dats, drop_strategy)",
+        "runtime": 0
+    },
+    {
+        "id": 69,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "fill_strategy"
+        ],
+        "dependencies": [],
+        "code": "fill_strategy = {'Age': 'Median',\n                                 'Fare': 'Median',\n                                 'Embarked': 'Mode'}",
+        "runtime": 0
+    },
+    {
+        "id": 70,
+        "type": "For",
+        "input": [
+            "fill_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "fill_strategy",
+            "column",
+            "globals.S_dats",
+            "strategy"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for column, strategy in fill_strategy.items():\n    if strategy == 'None':\n        globals.S_dats[column] = globals.S_dats[column].fillna('None')\n    elif strategy == 'Zero':\n        globals.S_dats[column] = globals.S_dats[column].fillna(0)\n    elif strategy == 'Mode':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].mode()[0])\n    elif strategy == 'Mean':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].mean())\n    elif strategy == 'Median':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].median())\n    else:\n        print(\"{}: There is no such thing as preprocess strategy\".format(strategy))",
+        "runtime": 0
+    },
+    {
+        "id": 71,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 72,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['FamilySize'] = globals.S_dats['SibSp'] + globals.S_dats['Parch'] + 1",
+        "runtime": 0
+    },
+    {
+        "id": 73,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['IsAlone'] = 1",
+        "runtime": 0
+    },
+    {
+        "id": 74,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats.loc[(globals.S_dats['FamilySize'] > 1), 'IsAlone'] = 0",
+        "runtime": 0
+    },
+    {
+        "id": 75,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['Title'] = globals.S_dats['Name'].str.split(\", \", expand=True)[1].str.split('.', expand=True)[0]",
+        "runtime": 0
+    },
+    {
+        "id": 76,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "min_lengtht"
+        ],
+        "dependencies": [],
+        "code": "min_lengtht = 10",
+        "runtime": 0
+    },
+    {
+        "id": 77,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats",
+            "min_lengtht"
+        ],
+        "output": [
+            "title_names"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "title_names = (globals.S_dats['Title'].value_counts() < min_lengtht)",
+        "runtime": 0
+    },
+    {
+        "id": 78,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats",
+            "title_names"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['Title'] = globals.S_dats['Title'].apply(lambda x: 'Misc' if title_names.loc[x] == True else x)",
+        "runtime": 0
+    },
+    {
+        "id": 79,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 80,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats['FareBin'] = pd.qcut(globals.S_dats['Fare'], 4)",
+        "runtime": 0
+    },
+    {
+        "id": 81,
+        "type": "Assign",
+        "input": [
+            "int",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats['AgeBin'] = pd.cut(globals.S_dats['Age'].astype(int), 5)",
+        "runtime": 0
+    },
+    {
+        "id": 82,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "drop_strategy"
+        ],
+        "dependencies": [],
+        "code": "drop_strategy = {'Age': 1,  \n                    'Name': 1,\n                    'Fare': 1}",
+        "runtime": 0
+    },
+    {
+        "id": 83,
+        "type": "Assign",
+        "input": [
+            "drop_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            -1
+        ],
+        "code": "globals.S_dats = P_drop(globals.S_dats, drop_strategy)",
+        "runtime": 0
+    },
+    {
+        "id": 84,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 85,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "labelEncoder"
+        ],
+        "dependencies": [
+            6
+        ],
+        "code": "labelEncoder=LabelEncoder()",
+        "runtime": 0
+    },
+    {
+        "id": 86,
+        "type": "For",
+        "input": [
+            "globals.S_dats",
+            "labelEncoder"
+        ],
+        "output": [
+            "labelEncoder",
+            "column",
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for column in globals.S_dats.columns.values:\n    if 'int64'==globals.S_dats[column].dtype or 'float64'==globals.S_dats[column].dtype or 'int64'==globals.S_dats[column].dtype:\n        continue\n    labelEncoder.fit(globals.S_dats[column])\n    globals.S_dats[column]=labelEncoder.transform(globals.S_dats[column])",
+        "runtime": 0
+    },
+    {
+        "id": 87,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 88,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "non_dummies"
+        ],
+        "dependencies": [],
+        "code": "non_dummies = list()",
+        "runtime": 0
+    },
+    {
+        "id": 89,
+        "type": "For",
+        "input": [
+            "globals.S_dats",
+            "non_dummies"
+        ],
+        "output": [
+            "non_dummies",
+            "col"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for col in globals.S_dats.columns.values:\n    if col not in ['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']:\n        non_dummies.append(col)",
+        "runtime": 0
+    },
+    {
+        "id": 90,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "columns"
+        ],
+        "dependencies": [],
+        "code": "columns=['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']",
+        "runtime": 0
+    },
+    {
+        "id": 91,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "dummies_dat"
+        ],
+        "dependencies": [],
+        "code": "dummies_dat = list()",
+        "runtime": 0
+    },
+    {
+        "id": 92,
+        "type": "For",
+        "input": [
+            "dummies_dat",
+            "globals.S_dats",
+            "columns"
+        ],
+        "output": [
+            "dummies_dat",
+            "col",
+            "columns"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "for col in columns:\n    dummies_dat.append(pd.get_dummies(globals.S_dats[col],prefix=col))",
+        "runtime": 0
+    },
+    {
+        "id": 93,
+        "type": "For",
+        "input": [
+            "dummies_dat",
+            "globals.S_dats",
+            "non_dummies"
+        ],
+        "output": [
+            "dummies_dat",
+            "non_dummies",
+            "non_dummy"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for non_dummy in non_dummies:\n    dummies_dat.append(globals.S_dats[non_dummy])",
+        "runtime": 0
+    },
+    {
+        "id": 94,
+        "type": "Assign",
+        "input": [
+            "dummies_dat"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats = pd.concat(dummies_dat, axis=1)",
+        "runtime": 0
+    },
+    {
+        "id": 95,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.O_all_data"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_all_data = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 96,
+        "type": "Expr",
+        "input": [
+            "globals.O_number_of_train",
+            "globals.O_all_data"
+        ],
+        "output": [
+            "globals.O_X_train",
+            "globals.O_X_test"
+        ],
+        "dependencies": [
+            0,
+            -3
+        ],
+        "code": "O__get_train_and_test()",
+        "runtime": 0
+    },
+    {
+        "id": 97,
+        "type": "If",
+        "input": [
+            "globals.O_X_train"
+        ],
+        "output": [
+            "features"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "if None is None:\n    features=globals.O_X_train.columns.values\nelse:\n    features=globals.O_X_train.columns.values[:None]",
+        "runtime": 0
+    },
+    {
+        "id": 98,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "fig",
+            "ax"
+        ],
+        "dependencies": [
+            3
+        ],
+        "code": "fig, ax=plt.subplots(1, figsize=(15,12))",
+        "runtime": 0
+    },
+    {
+        "id": 99,
+        "type": "Assign",
+        "input": [
+            "features"
+        ],
+        "output": [
+            "radViz"
+        ],
+        "dependencies": [
+            14
+        ],
+        "code": "radViz=RadViz(classes=['survived', 'not survived'], features=features)",
+        "runtime": 0
+    },
+    {
+        "id": 100,
+        "type": "Expr",
+        "input": [
+            "globals.O_X_train",
+            "radViz",
+            "globals.O_y_train"
+        ],
+        "output": [
+            "radViz"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "radViz.fit(globals.O_X_train, globals.O_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 101,
+        "type": "Expr",
+        "input": [
+            "globals.O_X_train",
+            "radViz"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "radViz.transform(globals.O_X_train)",
+        "runtime": 0
+    },
+    {
+        "id": 102,
+        "type": "Expr",
+        "input": [
+            "radViz"
+        ],
+        "output": [],
+        "dependencies": [],
+        "code": "radViz.poof()",
+        "runtime": 0
+    },
+    {
+        "id": 103,
+        "type": "Expr",
+        "input": [
+            "globals.O_number_of_train",
+            "globals.O_all_data"
+        ],
+        "output": [
+            "globals.O_X_train",
+            "globals.O_X_test"
+        ],
+        "dependencies": [
+            0,
+            -3
+        ],
+        "code": "O__get_train_and_test()",
+        "runtime": 0
+    },
+    {
+        "id": 104,
+        "type": "Assign",
+        "input": [
+            "globals.O_X_train"
+        ],
+        "output": [
+            "globals.G_X_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_X_train=globals.O_X_train",
+        "runtime": 0
+    },
+    {
+        "id": 105,
+        "type": "Assign",
+        "input": [
+            "globals.O_X_test"
+        ],
+        "output": [
+            "globals.G_X_test"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_X_test=globals.O_X_test",
+        "runtime": 0
+    },
+    {
+        "id": 106,
+        "type": "Assign",
+        "input": [
+            "globals.O_y_train"
+        ],
+        "output": [
+            "globals.G_y_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_y_train=globals.O_y_train",
+        "runtime": 0
+    },
+    {
+        "id": 107,
+        "type": "Assign",
+        "input": [
+            "globals.O_testPassengerID"
+        ],
+        "output": [
+            "globals.G_submission_id"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_submission_id=globals.O_testPassengerID",
+        "runtime": 0
+    },
+    {
+        "id": 108,
+        "type": "Assign",
+        "input": [
+            "globals.O_strategy_type"
+        ],
+        "output": [
+            "globals.G_strategy_type"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_strategy_type=globals.O_strategy_type",
+        "runtime": 0
+    },
+    {
+        "id": 109,
+        "type": "Assign",
+        "input": [
+            "globals.G_clf_and_params"
+        ],
+        "output": [
+            "clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_and_params = globals.G_clf_and_params",
+        "runtime": 0
+    },
+    {
+        "id": 110,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models=[]",
+        "runtime": 0
+    },
+    {
+        "id": 111,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results={}",
+        "runtime": 0
+    },
+    {
+        "id": 112,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf1"
+        ],
+        "dependencies": [],
+        "code": "clf1 = clf_and_params[0][0]",
+        "runtime": 0
+    },
+    {
+        "id": 113,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params1"
+        ],
+        "dependencies": [],
+        "code": "params1 = clf_and_params[0][1]",
+        "runtime": 0
+    },
+    {
+        "id": 114,
+        "type": "Assign",
+        "input": [
+            "clf1"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf1.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 115,
+        "type": "Assign",
+        "input": [
+            "params1",
+            "clf1"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf1, params1, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 116,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 117,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 118,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 119,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 120,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 121,
+        "type": "Expr",
+        "input": [
+            "models",
+            "clf1"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf1)",
+        "runtime": 0
+    },
+    {
+        "id": 122,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 123,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results1"
+        ],
+        "dependencies": [],
+        "code": "results1 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 124,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 125,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf2"
+        ],
+        "dependencies": [],
+        "code": "clf2 = clf_and_params[1][0]",
+        "runtime": 0
+    },
+    {
+        "id": 126,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params2"
+        ],
+        "dependencies": [],
+        "code": "params2 = clf_and_params[1][1]",
+        "runtime": 0
+    },
+    {
+        "id": 127,
+        "type": "Assign",
+        "input": [
+            "clf2"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf2.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 128,
+        "type": "Assign",
+        "input": [
+            "clf2",
+            "params2"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf2, params2, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 129,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 130,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 131,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 132,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 133,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 134,
+        "type": "Expr",
+        "input": [
+            "clf2",
+            "models"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf2)",
+        "runtime": 0
+    },
+    {
+        "id": 135,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 136,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results2"
+        ],
+        "dependencies": [],
+        "code": "results2 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 137,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 138,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf3"
+        ],
+        "dependencies": [],
+        "code": "clf3 = clf_and_params[2][0]",
+        "runtime": 0
+    },
+    {
+        "id": 139,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params3"
+        ],
+        "dependencies": [],
+        "code": "params3 = clf_and_params[2][1]",
+        "runtime": 0
+    },
+    {
+        "id": 140,
+        "type": "Assign",
+        "input": [
+            "clf3"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf3.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 141,
+        "type": "Assign",
+        "input": [
+            "clf3",
+            "params3"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf3, params3, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 142,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 143,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 144,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 145,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 146,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 147,
+        "type": "Expr",
+        "input": [
+            "clf3",
+            "models"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf3)",
+        "runtime": 0
+    },
+    {
+        "id": 148,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 149,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results3"
+        ],
+        "dependencies": [],
+        "code": "results3 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 150,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 151,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf4"
+        ],
+        "dependencies": [],
+        "code": "clf4 = clf_and_params[3][0]",
+        "runtime": 0
+    },
+    {
+        "id": 152,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params4"
+        ],
+        "dependencies": [],
+        "code": "params4 = clf_and_params[3][1]",
+        "runtime": 0
+    },
+    {
+        "id": 153,
+        "type": "Assign",
+        "input": [
+            "clf4"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf4.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 154,
+        "type": "Assign",
+        "input": [
+            "params4",
+            "clf4"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf4, params4, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 155,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 156,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 157,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 158,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 159,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 160,
+        "type": "Expr",
+        "input": [
+            "models",
+            "clf4"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf4)",
+        "runtime": 0
+    },
+    {
+        "id": 161,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 162,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results4"
+        ],
+        "dependencies": [],
+        "code": "results4 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 163,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 164,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf5"
+        ],
+        "dependencies": [],
+        "code": "clf5 = clf_and_params[4][0]",
+        "runtime": 0
+    },
+    {
+        "id": 165,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params5"
+        ],
+        "dependencies": [],
+        "code": "params5 = clf_and_params[4][1]",
+        "runtime": 0
+    },
+    {
+        "id": 166,
+        "type": "Assign",
+        "input": [
+            "clf5"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf5.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 167,
+        "type": "Assign",
+        "input": [
+            "clf5",
+            "params5"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf5, params5, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 168,
+        "type": "Expr",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 169,
+        "type": "Assign",
+        "input": [
+            "globals.G_X_test",
+            "grid_search_clf"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 170,
+        "type": "Assign",
+        "input": [
+            "globals.G_y_train",
+            "globals.G_X_train",
+            "grid_search_clf"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)",
+        "runtime": 0
+    },
+    {
+        "id": 171,
+        "type": "Expr",
+        "input": [
+            "globals.G_current_clf_name"
+        ],
+        "output": [],
+        "dependencies": [
+            0
+        ],
+        "code": "print(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 172,
+        "type": "Assign",
+        "input": [
+            "clf_train_acc",
+            "globals.G_current_clf_name",
+            "globals.G_results"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 173,
+        "type": "Expr",
+        "input": [
+            "models",
+            "clf5"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models.append(clf5)",
+        "runtime": 0
+    },
+    {
+        "id": 174,
+        "type": "Expr",
+        "input": [
+            "globals.G_Y_pred",
+            "globals.G_submission_id",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type"
+        ],
+        "output": [],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "G_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 175,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "results5"
+        ],
+        "dependencies": [],
+        "code": "results5 = \"Saved results\"",
+        "runtime": 0
+    },
+    {
+        "id": 176,
+        "type": "Expr",
+        "input": [],
+        "output": [],
+        "dependencies": [],
+        "code": "print()",
+        "runtime": 0
+    },
+    {
+        "id": 177,
+        "type": "For",
+        "input": [
+            "globals.G_results"
+        ],
+        "output": [
+            "clf_name",
+            "train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for clf_name, train_acc in globals.G_results.items():\n          print(\"{} train accuracy is {:.3f}\".format(clf_name, train_acc))",
+        "runtime": 0
+    },
+    {
+        "id": 178,
+        "type": "Expr",
+        "input": [],
+        "output": [
+            "globals.D_dummy_array1",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            1,
+            -7,
+            -2
+        ],
+        "code": "D_initialize_arrays()",
+        "runtime": 0
+    },
+    {
+        "id": 179,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array1"
+        ],
+        "output": [
+            "globals.D_dummy_array1"
+        ],
+        "dependencies": [
+            0,
+            -6
+        ],
+        "code": "D_increment1(0)",
+        "runtime": 0
+    },
+    {
+        "id": 180,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array1"
+        ],
+        "output": [
+            "globals.D_dummy_array1"
+        ],
+        "dependencies": [
+            0,
+            -6
+        ],
+        "code": "D_increment1(0)",
+        "runtime": 0
+    },
+    {
+        "id": 181,
+        "type": "Expr",
+        "input": [],
+        "output": [
+            "globals.D_dummy_array1",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            1,
+            -7,
+            -2
+        ],
+        "code": "D_initialize_arrays()",
+        "runtime": 0
+    },
+    {
+        "id": 182,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "D_increment2(1)",
+        "runtime": 0
+    },
+    {
+        "id": 183,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "D_increment2(2)",
+        "runtime": 0
+    },
+    {
+        "id": 184,
+        "type": "For",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "i",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "for i in range(0,100):\n    D_increment2(i)",
+        "runtime": 0
+    }
+]
diff --git a/Main/AST-Processing/JSON/pretty_sticky_dictionaries.json b/Main/AST-Processing/JSON/pretty_sticky_dictionaries.json
new file mode 100644
index 0000000000000000000000000000000000000000..c8456ab641d0043a9d2e6ae7fa449d9784dfa01d
--- /dev/null
+++ b/Main/AST-Processing/JSON/pretty_sticky_dictionaries.json
@@ -0,0 +1,2026 @@
+[
+    {
+        "id": 23,
+        "type": "Expr, Expr, Expr, Assign",
+        "input": [
+            "data/train.csv"
+        ],
+        "output": [
+            "train"
+        ],
+        "dependencies": [
+            2,
+            4,
+            5
+        ],
+        "code": "print(os.listdir(\"data\"))\nwarnings.filterwarnings('ignore')\nprint(\"Warnings were ignored\")\ntrain = pd.read_csv(\"data/train.csv\")",
+        "runtime": 0
+    },
+    {
+        "id": 27,
+        "type": "Assign, Expr",
+        "input": [
+            "data/test.csv"
+        ],
+        "output": [
+            "test"
+        ],
+        "dependencies": [
+            2
+        ],
+        "code": "test = pd.read_csv(\"data/test.csv\")\nprint(\"ObjectOrientedTitanic object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 29,
+        "type": "Assign",
+        "input": [
+            "test"
+        ],
+        "output": [
+            "globals.O_testPassengerID"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_testPassengerID=test['PassengerId']",
+        "runtime": 0
+    },
+    {
+        "id": 30,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_number_of_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_number_of_train=train.shape[0]",
+        "runtime": 0
+    },
+    {
+        "id": 31,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_y_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_y_train=train['Survived']",
+        "runtime": 0
+    },
+    {
+        "id": 32,
+        "type": "Assign",
+        "input": [
+            "train"
+        ],
+        "output": [
+            "globals.O_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_train=train.drop('Survived', axis=1)",
+        "runtime": 0
+    },
+    {
+        "id": 33,
+        "type": "Assign",
+        "input": [
+            "test"
+        ],
+        "output": [
+            "globals.O_test"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_test=test",
+        "runtime": 0
+    },
+    {
+        "id": 34,
+        "type": "Assign, Expr",
+        "input": [
+            "globals.O_test",
+            "globals.O_train"
+        ],
+        "output": [
+            "globals.O_all_data"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -4
+        ],
+        "code": "globals.O_all_data=O__get_all_data()\nprint(\"Information object created\")",
+        "runtime": 0
+    },
+    {
+        "id": 36,
+        "type": "Assign, Expr, Expr, Expr",
+        "input": [],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats=None\nprint(\"Preprocess object created\")\nprint(\"Visualizer object created!\")\nprint(\"GridSearchHelper Created\")",
+        "runtime": 0
+    },
+    {
+        "id": 40,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_gridSearchCV"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_gridSearchCV=None",
+        "runtime": 0
+    },
+    {
+        "id": 41,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params=list()",
+        "runtime": 0
+    },
+    {
+        "id": 42,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            11
+        ],
+        "code": "clf= KNeighborsClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 43,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params={'n_neighbors':[5,7,9,11,13,15],\n                  'leaf_size':[1,2,3,5],\n                  'weights':['uniform', 'distance']\n                  }",
+        "runtime": 0
+    },
+    {
+        "id": 44,
+        "type": "Expr",
+        "input": [
+            "clf",
+            "globals.G_clf_and_params",
+            "params"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 45,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            10
+        ],
+        "code": "clf=LogisticRegression()",
+        "runtime": 0
+    },
+    {
+        "id": 46,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [
+            1
+        ],
+        "code": "params={'penalty':['l1', 'l2'],\n                        'C':np.logspace(0, 4, 10)\n                        }",
+        "runtime": 0
+    },
+    {
+        "id": 47,
+        "type": "Expr",
+        "input": [
+            "clf",
+            "globals.G_clf_and_params",
+            "params"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 48,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            9
+        ],
+        "code": "clf = SVC()",
+        "runtime": 0
+    },
+    {
+        "id": 49,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params = [ {'C': [1, 10, 100, 1000], 'kernel': ['linear']},\n                           {'C': [1, 10, 100, 1000], 'gamma': [0.001, 0.0001], 'kernel': ['rbf']}]",
+        "runtime": 0
+    },
+    {
+        "id": 50,
+        "type": "Expr",
+        "input": [
+            "clf",
+            "globals.G_clf_and_params",
+            "params"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 51,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            7
+        ],
+        "code": "clf=DecisionTreeClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 52,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params={'max_features': ['auto', 'sqrt', 'log2'],\n                  'min_samples_split': [2,3,4,5,6,7,8,9,10,11,12,13,14,15],\n                  'min_samples_leaf':[1],\n                  'random_state':[123]}",
+        "runtime": 0
+    },
+    {
+        "id": 53,
+        "type": "Expr",
+        "input": [
+            "clf",
+            "globals.G_clf_and_params",
+            "params"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf,params))",
+        "runtime": 0
+    },
+    {
+        "id": 54,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "clf"
+        ],
+        "dependencies": [
+            8
+        ],
+        "code": "clf = RandomForestClassifier()",
+        "runtime": 0
+    },
+    {
+        "id": 55,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "params"
+        ],
+        "dependencies": [],
+        "code": "params = {'n_estimators': [4, 6, 9],\n                      'max_features': ['log2', 'sqrt','auto'],\n                      'criterion': ['entropy', 'gini'],\n                      'max_depth': [2, 3, 5, 10],\n                      'min_samples_split': [2, 3, 5],\n                      'min_samples_leaf': [1,5,8]\n                     }",
+        "runtime": 0
+    },
+    {
+        "id": 56,
+        "type": "Expr",
+        "input": [
+            "clf",
+            "globals.G_clf_and_params",
+            "params"
+        ],
+        "output": [
+            "globals.G_clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_clf_and_params.append((clf, params))",
+        "runtime": 0
+    },
+    {
+        "id": 57,
+        "type": "Assign",
+        "input": [
+            "globals.O_all_data"
+        ],
+        "output": [
+            "feature_dtypes"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "feature_dtypes=globals.O_all_data.dtypes",
+        "runtime": 0
+    },
+    {
+        "id": 58,
+        "type": "Assign",
+        "input": [
+            "globals.O_all_data"
+        ],
+        "output": [
+            "missing_values"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "missing_values = globals.O_all_data.isnull().sum()",
+        "runtime": 0
+    },
+    {
+        "id": 59,
+        "type": "Assign",
+        "input": [
+            "missing_values"
+        ],
+        "output": [
+            "missing_values"
+        ],
+        "dependencies": [],
+        "code": "missing_values = missing_values.sort_values(ascending=False)",
+        "runtime": 0
+    },
+    {
+        "id": 60,
+        "type": "Assign, Expr, Expr",
+        "input": [
+            "missing_values"
+        ],
+        "output": [
+            "globals.I_missing_values"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.I_missing_values = missing_values\nprint(\"=\" * 50)\nprint(\"{:16} {:16} {:25} {:16}\".format(\"Feature Name\".upper(),\n                                                            \"Data Format\".upper(),\n                                                            \"# of Missing Values\".upper(),\n                                                            \"Samples\".upper()))",
+        "runtime": 0
+    },
+    {
+        "id": 63,
+        "type": "For, Expr",
+        "input": [
+            "globals.I_missing_values",
+            "globals.O_all_data",
+            "feature_dtypes"
+        ],
+        "output": [
+            "missing_value",
+            "feature_name",
+            "dtype",
+            "v",
+            "feature_dtypes"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for feature_name, dtype, missing_value in zip(globals.I_missing_values.index.values,\n                                              feature_dtypes[globals.I_missing_values.index.values],\n                                              globals.I_missing_values.values):\n    print(\"{:18} {:19} {:19} \".format(feature_name, str(dtype), str(missing_value)), end=\"\")\n    for v in globals.O_all_data[feature_name].values[:10]:\n        print(v, end=\",\")\n    print()\nprint(\"=\"*50)",
+        "runtime": 0
+    },
+    {
+        "id": 65,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.O_strategy_type"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_strategy_type='strategy1'",
+        "runtime": 0
+    },
+    {
+        "id": 66,
+        "type": "Assign",
+        "input": [
+            "globals.O_test",
+            "globals.O_train"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -4
+        ],
+        "code": "globals.S_dats=O__get_all_data()",
+        "runtime": 0
+    },
+    {
+        "id": 67,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "drop_strategy"
+        ],
+        "dependencies": [],
+        "code": "drop_strategy = {'PassengerId': 1,  \n                                 'Cabin': 1,\n                                 'Ticket': 1}",
+        "runtime": 0
+    },
+    {
+        "id": 68,
+        "type": "Assign",
+        "input": [
+            "drop_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            -1
+        ],
+        "code": "globals.S_dats = P_drop(globals.S_dats, drop_strategy)",
+        "runtime": 0
+    },
+    {
+        "id": 69,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "fill_strategy"
+        ],
+        "dependencies": [],
+        "code": "fill_strategy = {'Age': 'Median',\n                                 'Fare': 'Median',\n                                 'Embarked': 'Mode'}",
+        "runtime": 0
+    },
+    {
+        "id": 70,
+        "type": "For",
+        "input": [
+            "fill_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "column",
+            "fill_strategy",
+            "globals.S_dats",
+            "strategy"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for column, strategy in fill_strategy.items():\n    if strategy == 'None':\n        globals.S_dats[column] = globals.S_dats[column].fillna('None')\n    elif strategy == 'Zero':\n        globals.S_dats[column] = globals.S_dats[column].fillna(0)\n    elif strategy == 'Mode':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].mode()[0])\n    elif strategy == 'Mean':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].mean())\n    elif strategy == 'Median':\n        globals.S_dats[column] = globals.S_dats[column].fillna(globals.S_dats[column].median())\n    else:\n        print(\"{}: There is no such thing as preprocess strategy\".format(strategy))",
+        "runtime": 0
+    },
+    {
+        "id": 71,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 72,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['FamilySize'] = globals.S_dats['SibSp'] + globals.S_dats['Parch'] + 1",
+        "runtime": 0
+    },
+    {
+        "id": 73,
+        "type": "Assign, Assign",
+        "input": [],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['IsAlone'] = 1\nglobals.S_dats.loc[(globals.S_dats['FamilySize'] > 1), 'IsAlone'] = 0",
+        "runtime": 0
+    },
+    {
+        "id": 75,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['Title'] = globals.S_dats['Name'].str.split(\", \", expand=True)[1].str.split('.', expand=True)[0]",
+        "runtime": 0
+    },
+    {
+        "id": 76,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "min_lengtht"
+        ],
+        "dependencies": [],
+        "code": "min_lengtht = 10",
+        "runtime": 0
+    },
+    {
+        "id": 77,
+        "type": "Assign",
+        "input": [
+            "min_lengtht",
+            "globals.S_dats"
+        ],
+        "output": [
+            "title_names"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "title_names = (globals.S_dats['Title'].value_counts() < min_lengtht)",
+        "runtime": 0
+    },
+    {
+        "id": 78,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats",
+            "title_names"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats['Title'] = globals.S_dats['Title'].apply(lambda x: 'Misc' if title_names.loc[x] == True else x)",
+        "runtime": 0
+    },
+    {
+        "id": 79,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 80,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats['FareBin'] = pd.qcut(globals.S_dats['Fare'], 4)",
+        "runtime": 0
+    },
+    {
+        "id": 81,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats",
+            "int"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats['AgeBin'] = pd.cut(globals.S_dats['Age'].astype(int), 5)",
+        "runtime": 0
+    },
+    {
+        "id": 82,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "drop_strategy"
+        ],
+        "dependencies": [],
+        "code": "drop_strategy = {'Age': 1,  \n                    'Name': 1,\n                    'Fare': 1}",
+        "runtime": 0
+    },
+    {
+        "id": 83,
+        "type": "Assign",
+        "input": [
+            "drop_strategy",
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            -1
+        ],
+        "code": "globals.S_dats = P_drop(globals.S_dats, drop_strategy)",
+        "runtime": 0
+    },
+    {
+        "id": 84,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 85,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "labelEncoder"
+        ],
+        "dependencies": [
+            6
+        ],
+        "code": "labelEncoder=LabelEncoder()",
+        "runtime": 0
+    },
+    {
+        "id": 86,
+        "type": "For",
+        "input": [
+            "globals.S_dats",
+            "labelEncoder"
+        ],
+        "output": [
+            "column",
+            "globals.S_dats",
+            "labelEncoder"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for column in globals.S_dats.columns.values:\n    if 'int64'==globals.S_dats[column].dtype or 'float64'==globals.S_dats[column].dtype or 'int64'==globals.S_dats[column].dtype:\n        continue\n    labelEncoder.fit(globals.S_dats[column])\n    globals.S_dats[column]=labelEncoder.transform(globals.S_dats[column])",
+        "runtime": 0
+    },
+    {
+        "id": 87,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.S_dats = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 88,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "non_dummies"
+        ],
+        "dependencies": [],
+        "code": "non_dummies = list()",
+        "runtime": 0
+    },
+    {
+        "id": 89,
+        "type": "For",
+        "input": [
+            "non_dummies",
+            "globals.S_dats"
+        ],
+        "output": [
+            "non_dummies",
+            "col"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for col in globals.S_dats.columns.values:\n    if col not in ['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']:\n        non_dummies.append(col)",
+        "runtime": 0
+    },
+    {
+        "id": 90,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "columns"
+        ],
+        "dependencies": [],
+        "code": "columns=['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']",
+        "runtime": 0
+    },
+    {
+        "id": 91,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "dummies_dat"
+        ],
+        "dependencies": [],
+        "code": "dummies_dat = list()",
+        "runtime": 0
+    },
+    {
+        "id": 92,
+        "type": "For",
+        "input": [
+            "columns",
+            "globals.S_dats",
+            "dummies_dat"
+        ],
+        "output": [
+            "columns",
+            "col",
+            "dummies_dat"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "for col in columns:\n    dummies_dat.append(pd.get_dummies(globals.S_dats[col],prefix=col))",
+        "runtime": 0
+    },
+    {
+        "id": 93,
+        "type": "For",
+        "input": [
+            "non_dummies",
+            "globals.S_dats",
+            "dummies_dat"
+        ],
+        "output": [
+            "non_dummies",
+            "non_dummy",
+            "dummies_dat"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for non_dummy in non_dummies:\n    dummies_dat.append(globals.S_dats[non_dummy])",
+        "runtime": 0
+    },
+    {
+        "id": 94,
+        "type": "Assign",
+        "input": [
+            "dummies_dat"
+        ],
+        "output": [
+            "globals.S_dats"
+        ],
+        "dependencies": [
+            0,
+            2
+        ],
+        "code": "globals.S_dats = pd.concat(dummies_dat, axis=1)",
+        "runtime": 0
+    },
+    {
+        "id": 95,
+        "type": "Assign",
+        "input": [
+            "globals.S_dats"
+        ],
+        "output": [
+            "globals.O_all_data"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.O_all_data = globals.S_dats",
+        "runtime": 0
+    },
+    {
+        "id": 96,
+        "type": "Expr",
+        "input": [
+            "globals.O_all_data",
+            "globals.O_number_of_train"
+        ],
+        "output": [
+            "globals.O_X_test",
+            "globals.O_X_train"
+        ],
+        "dependencies": [
+            0,
+            -3
+        ],
+        "code": "O__get_train_and_test()",
+        "runtime": 0
+    },
+    {
+        "id": 97,
+        "type": "If",
+        "input": [
+            "globals.O_X_train"
+        ],
+        "output": [
+            "features"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "if None is None:\n    features=globals.O_X_train.columns.values\nelse:\n    features=globals.O_X_train.columns.values[:None]",
+        "runtime": 0
+    },
+    {
+        "id": 98,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "ax",
+            "fig"
+        ],
+        "dependencies": [
+            3
+        ],
+        "code": "fig, ax=plt.subplots(1, figsize=(15,12))",
+        "runtime": 0
+    },
+    {
+        "id": 99,
+        "type": "Assign",
+        "input": [
+            "features"
+        ],
+        "output": [
+            "radViz"
+        ],
+        "dependencies": [
+            14
+        ],
+        "code": "radViz=RadViz(classes=['survived', 'not survived'], features=features)",
+        "runtime": 0
+    },
+    {
+        "id": 100,
+        "type": "Expr, Expr, Expr",
+        "input": [
+            "globals.O_y_train",
+            "radViz",
+            "globals.O_X_train"
+        ],
+        "output": [
+            "radViz"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "radViz.fit(globals.O_X_train, globals.O_y_train)\nradViz.transform(globals.O_X_train)\nradViz.poof()",
+        "runtime": 0
+    },
+    {
+        "id": 103,
+        "type": "Expr",
+        "input": [
+            "globals.O_all_data",
+            "globals.O_number_of_train"
+        ],
+        "output": [
+            "globals.O_X_test",
+            "globals.O_X_train"
+        ],
+        "dependencies": [
+            0,
+            -3
+        ],
+        "code": "O__get_train_and_test()",
+        "runtime": 0
+    },
+    {
+        "id": 104,
+        "type": "Assign",
+        "input": [
+            "globals.O_X_train"
+        ],
+        "output": [
+            "globals.G_X_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_X_train=globals.O_X_train",
+        "runtime": 0
+    },
+    {
+        "id": 105,
+        "type": "Assign",
+        "input": [
+            "globals.O_X_test"
+        ],
+        "output": [
+            "globals.G_X_test"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_X_test=globals.O_X_test",
+        "runtime": 0
+    },
+    {
+        "id": 106,
+        "type": "Assign",
+        "input": [
+            "globals.O_y_train"
+        ],
+        "output": [
+            "globals.G_y_train"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_y_train=globals.O_y_train",
+        "runtime": 0
+    },
+    {
+        "id": 107,
+        "type": "Assign",
+        "input": [
+            "globals.O_testPassengerID"
+        ],
+        "output": [
+            "globals.G_submission_id"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_submission_id=globals.O_testPassengerID",
+        "runtime": 0
+    },
+    {
+        "id": 108,
+        "type": "Assign",
+        "input": [
+            "globals.O_strategy_type"
+        ],
+        "output": [
+            "globals.G_strategy_type"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_strategy_type=globals.O_strategy_type",
+        "runtime": 0
+    },
+    {
+        "id": 109,
+        "type": "Assign",
+        "input": [
+            "globals.G_clf_and_params"
+        ],
+        "output": [
+            "clf_and_params"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_and_params = globals.G_clf_and_params",
+        "runtime": 0
+    },
+    {
+        "id": 110,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "models"
+        ],
+        "dependencies": [],
+        "code": "models=[]",
+        "runtime": 0
+    },
+    {
+        "id": 111,
+        "type": "Assign",
+        "input": [],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results={}",
+        "runtime": 0
+    },
+    {
+        "id": 112,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf1"
+        ],
+        "dependencies": [],
+        "code": "clf1 = clf_and_params[0][0]",
+        "runtime": 0
+    },
+    {
+        "id": 113,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params1"
+        ],
+        "dependencies": [],
+        "code": "params1 = clf_and_params[0][1]",
+        "runtime": 0
+    },
+    {
+        "id": 114,
+        "type": "Assign",
+        "input": [
+            "clf1"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf1.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 115,
+        "type": "Assign",
+        "input": [
+            "params1",
+            "clf1"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf1, params1, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 116,
+        "type": "Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 117,
+        "type": "Assign",
+        "input": [
+            "grid_search_clf",
+            "globals.G_X_test"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 118,
+        "type": "Assign, Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train",
+            "globals.G_current_clf_name"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)\nprint(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 120,
+        "type": "Assign",
+        "input": [
+            "globals.G_current_clf_name",
+            "clf_train_acc"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 121,
+        "type": "Expr, Expr",
+        "input": [
+            "models",
+            "clf1",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type",
+            "globals.G_Y_pred",
+            "globals.G_submission_id"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "models.append(clf1)\nG_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 123,
+        "type": "Assign, Expr",
+        "input": [],
+        "output": [
+            "results1"
+        ],
+        "dependencies": [],
+        "code": "results1 = \"Saved results\"\nprint()",
+        "runtime": 0
+    },
+    {
+        "id": 125,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf2"
+        ],
+        "dependencies": [],
+        "code": "clf2 = clf_and_params[1][0]",
+        "runtime": 0
+    },
+    {
+        "id": 126,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params2"
+        ],
+        "dependencies": [],
+        "code": "params2 = clf_and_params[1][1]",
+        "runtime": 0
+    },
+    {
+        "id": 127,
+        "type": "Assign",
+        "input": [
+            "clf2"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf2.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 128,
+        "type": "Assign",
+        "input": [
+            "params2",
+            "clf2"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf2, params2, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 129,
+        "type": "Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 130,
+        "type": "Assign",
+        "input": [
+            "grid_search_clf",
+            "globals.G_X_test"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 131,
+        "type": "Assign, Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train",
+            "globals.G_current_clf_name"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)\nprint(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 133,
+        "type": "Assign",
+        "input": [
+            "globals.G_current_clf_name",
+            "clf_train_acc"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 134,
+        "type": "Expr, Expr",
+        "input": [
+            "models",
+            "clf2",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type",
+            "globals.G_Y_pred",
+            "globals.G_submission_id"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "models.append(clf2)\nG_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 136,
+        "type": "Assign, Expr",
+        "input": [],
+        "output": [
+            "results2"
+        ],
+        "dependencies": [],
+        "code": "results2 = \"Saved results\"\nprint()",
+        "runtime": 0
+    },
+    {
+        "id": 138,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf3"
+        ],
+        "dependencies": [],
+        "code": "clf3 = clf_and_params[2][0]",
+        "runtime": 0
+    },
+    {
+        "id": 139,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params3"
+        ],
+        "dependencies": [],
+        "code": "params3 = clf_and_params[2][1]",
+        "runtime": 0
+    },
+    {
+        "id": 140,
+        "type": "Assign",
+        "input": [
+            "clf3"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf3.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 141,
+        "type": "Assign",
+        "input": [
+            "params3",
+            "clf3"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf3, params3, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 142,
+        "type": "Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 143,
+        "type": "Assign",
+        "input": [
+            "grid_search_clf",
+            "globals.G_X_test"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 144,
+        "type": "Assign, Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train",
+            "globals.G_current_clf_name"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)\nprint(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 146,
+        "type": "Assign",
+        "input": [
+            "globals.G_current_clf_name",
+            "clf_train_acc"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 147,
+        "type": "Expr, Expr",
+        "input": [
+            "models",
+            "clf3",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type",
+            "globals.G_Y_pred",
+            "globals.G_submission_id"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "models.append(clf3)\nG_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 149,
+        "type": "Assign, Expr",
+        "input": [],
+        "output": [
+            "results3"
+        ],
+        "dependencies": [],
+        "code": "results3 = \"Saved results\"\nprint()",
+        "runtime": 0
+    },
+    {
+        "id": 151,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf4"
+        ],
+        "dependencies": [],
+        "code": "clf4 = clf_and_params[3][0]",
+        "runtime": 0
+    },
+    {
+        "id": 152,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params4"
+        ],
+        "dependencies": [],
+        "code": "params4 = clf_and_params[3][1]",
+        "runtime": 0
+    },
+    {
+        "id": 153,
+        "type": "Assign",
+        "input": [
+            "clf4"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf4.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 154,
+        "type": "Assign",
+        "input": [
+            "clf4",
+            "params4"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf4, params4, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 155,
+        "type": "Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 156,
+        "type": "Assign",
+        "input": [
+            "grid_search_clf",
+            "globals.G_X_test"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 157,
+        "type": "Assign, Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train",
+            "globals.G_current_clf_name"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)\nprint(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 159,
+        "type": "Assign",
+        "input": [
+            "globals.G_current_clf_name",
+            "clf_train_acc"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 160,
+        "type": "Expr, Expr",
+        "input": [
+            "models",
+            "clf4",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type",
+            "globals.G_Y_pred",
+            "globals.G_submission_id"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "models.append(clf4)\nG_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 162,
+        "type": "Assign, Expr",
+        "input": [],
+        "output": [
+            "results4"
+        ],
+        "dependencies": [],
+        "code": "results4 = \"Saved results\"\nprint()",
+        "runtime": 0
+    },
+    {
+        "id": 164,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "clf5"
+        ],
+        "dependencies": [],
+        "code": "clf5 = clf_and_params[4][0]",
+        "runtime": 0
+    },
+    {
+        "id": 165,
+        "type": "Assign",
+        "input": [
+            "clf_and_params"
+        ],
+        "output": [
+            "params5"
+        ],
+        "dependencies": [],
+        "code": "params5 = clf_and_params[4][1]",
+        "runtime": 0
+    },
+    {
+        "id": 166,
+        "type": "Assign",
+        "input": [
+            "clf5"
+        ],
+        "output": [
+            "globals.G_current_clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_current_clf_name = clf5.__class__.__name__",
+        "runtime": 0
+    },
+    {
+        "id": 167,
+        "type": "Assign",
+        "input": [
+            "clf5",
+            "params5"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            12
+        ],
+        "code": "grid_search_clf = GridSearchCV(clf5, params5, cv=5)",
+        "runtime": 0
+    },
+    {
+        "id": 168,
+        "type": "Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train"
+        ],
+        "output": [
+            "grid_search_clf"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "grid_search_clf.fit(globals.G_X_train, globals.G_y_train)",
+        "runtime": 0
+    },
+    {
+        "id": 169,
+        "type": "Assign",
+        "input": [
+            "grid_search_clf",
+            "globals.G_X_test"
+        ],
+        "output": [
+            "globals.G_Y_pred"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_Y_pred = grid_search_clf.predict(globals.G_X_test)",
+        "runtime": 0
+    },
+    {
+        "id": 170,
+        "type": "Assign, Expr",
+        "input": [
+            "globals.G_X_train",
+            "grid_search_clf",
+            "globals.G_y_train",
+            "globals.G_current_clf_name"
+        ],
+        "output": [
+            "clf_train_acc"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "clf_train_acc = round(grid_search_clf.score(globals.G_X_train, globals.G_y_train) * 100, 2)\nprint(globals.G_current_clf_name, \" trained and used for prediction on test data...\")",
+        "runtime": 0
+    },
+    {
+        "id": 172,
+        "type": "Assign",
+        "input": [
+            "globals.G_current_clf_name",
+            "clf_train_acc"
+        ],
+        "output": [
+            "globals.G_results"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "globals.G_results[globals.G_current_clf_name]=clf_train_acc",
+        "runtime": 0
+    },
+    {
+        "id": 173,
+        "type": "Expr, Expr",
+        "input": [
+            "clf5",
+            "models",
+            "globals.G_current_clf_name",
+            "globals.G_strategy_type",
+            "globals.G_Y_pred",
+            "globals.G_submission_id"
+        ],
+        "output": [
+            "models"
+        ],
+        "dependencies": [
+            0,
+            2,
+            -5
+        ],
+        "code": "models.append(clf5)\nG_save_result()",
+        "runtime": 0
+    },
+    {
+        "id": 175,
+        "type": "Assign, Expr",
+        "input": [],
+        "output": [
+            "results5"
+        ],
+        "dependencies": [],
+        "code": "results5 = \"Saved results\"\nprint()",
+        "runtime": 0
+    },
+    {
+        "id": 177,
+        "type": "For",
+        "input": [
+            "globals.G_results"
+        ],
+        "output": [
+            "train_acc",
+            "clf_name"
+        ],
+        "dependencies": [
+            0
+        ],
+        "code": "for clf_name, train_acc in globals.G_results.items():\n          print(\"{} train accuracy is {:.3f}\".format(clf_name, train_acc))",
+        "runtime": 0
+    },
+    {
+        "id": 178,
+        "type": "Expr",
+        "input": [],
+        "output": [
+            "globals.D_dummy_array1",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            1,
+            -7,
+            -2
+        ],
+        "code": "D_initialize_arrays()",
+        "runtime": 0
+    },
+    {
+        "id": 179,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array1"
+        ],
+        "output": [
+            "globals.D_dummy_array1"
+        ],
+        "dependencies": [
+            0,
+            -6
+        ],
+        "code": "D_increment1(0)",
+        "runtime": 0
+    },
+    {
+        "id": 180,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array1"
+        ],
+        "output": [
+            "globals.D_dummy_array1"
+        ],
+        "dependencies": [
+            0,
+            -6
+        ],
+        "code": "D_increment1(0)",
+        "runtime": 0
+    },
+    {
+        "id": 181,
+        "type": "Expr",
+        "input": [],
+        "output": [
+            "globals.D_dummy_array1",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            1,
+            -7,
+            -2
+        ],
+        "code": "D_initialize_arrays()",
+        "runtime": 0
+    },
+    {
+        "id": 182,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "D_increment2(1)",
+        "runtime": 0
+    },
+    {
+        "id": 183,
+        "type": "Expr",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "D_increment2(2)",
+        "runtime": 0
+    },
+    {
+        "id": 184,
+        "type": "For",
+        "input": [
+            "globals.D_dummy_array2"
+        ],
+        "output": [
+            "i",
+            "globals.D_dummy_array2"
+        ],
+        "dependencies": [
+            0,
+            -8
+        ],
+        "code": "for i in range(0,100):\n    D_increment2(i)",
+        "runtime": 0
+    }
+]
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/Snakefile b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/Snakefile
new file mode 100644
index 0000000000000000000000000000000000000000..bd58346d8c674bc19dd43cf0f6a60e60fdf35fe9
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/Snakefile
@@ -0,0 +1,8 @@
+include: 'rules/rule_catalogue_1.smk'
+
+include: 'rules/rule_catalogue_2.smk'
+
+include: 'rules/rule_catalogue_3.smk'
+
+include: 'rules/rule_catalogue_4.smk'
+
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/gender_submission.csv b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/gender_submission.csv
new file mode 100644
index 0000000000000000000000000000000000000000..75945067d4d36fd070501f44fefeefbbb44f5eed
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/gender_submission.csv
@@ -0,0 +1,419 @@
+PassengerId,Survived
+892,0
+893,1
+894,0
+895,0
+896,1
+897,0
+898,1
+899,0
+900,1
+901,0
+902,0
+903,0
+904,1
+905,0
+906,1
+907,1
+908,0
+909,0
+910,1
+911,1
+912,0
+913,0
+914,1
+915,0
+916,1
+917,0
+918,1
+919,0
+920,0
+921,0
+922,0
+923,0
+924,1
+925,1
+926,0
+927,0
+928,1
+929,1
+930,0
+931,0
+932,0
+933,0
+934,0
+935,1
+936,1
+937,0
+938,0
+939,0
+940,1
+941,1
+942,0
+943,0
+944,1
+945,1
+946,0
+947,0
+948,0
+949,0
+950,0
+951,1
+952,0
+953,0
+954,0
+955,1
+956,0
+957,1
+958,1
+959,0
+960,0
+961,1
+962,1
+963,0
+964,1
+965,0
+966,1
+967,0
+968,0
+969,1
+970,0
+971,1
+972,0
+973,0
+974,0
+975,0
+976,0
+977,0
+978,1
+979,1
+980,1
+981,0
+982,1
+983,0
+984,1
+985,0
+986,0
+987,0
+988,1
+989,0
+990,1
+991,0
+992,1
+993,0
+994,0
+995,0
+996,1
+997,0
+998,0
+999,0
+1000,0
+1001,0
+1002,0
+1003,1
+1004,1
+1005,1
+1006,1
+1007,0
+1008,0
+1009,1
+1010,0
+1011,1
+1012,1
+1013,0
+1014,1
+1015,0
+1016,0
+1017,1
+1018,0
+1019,1
+1020,0
+1021,0
+1022,0
+1023,0
+1024,1
+1025,0
+1026,0
+1027,0
+1028,0
+1029,0
+1030,1
+1031,0
+1032,1
+1033,1
+1034,0
+1035,0
+1036,0
+1037,0
+1038,0
+1039,0
+1040,0
+1041,0
+1042,1
+1043,0
+1044,0
+1045,1
+1046,0
+1047,0
+1048,1
+1049,1
+1050,0
+1051,1
+1052,1
+1053,0
+1054,1
+1055,0
+1056,0
+1057,1
+1058,0
+1059,0
+1060,1
+1061,1
+1062,0
+1063,0
+1064,0
+1065,0
+1066,0
+1067,1
+1068,1
+1069,0
+1070,1
+1071,1
+1072,0
+1073,0
+1074,1
+1075,0
+1076,1
+1077,0
+1078,1
+1079,0
+1080,1
+1081,0
+1082,0
+1083,0
+1084,0
+1085,0
+1086,0
+1087,0
+1088,0
+1089,1
+1090,0
+1091,1
+1092,1
+1093,0
+1094,0
+1095,1
+1096,0
+1097,0
+1098,1
+1099,0
+1100,1
+1101,0
+1102,0
+1103,0
+1104,0
+1105,1
+1106,1
+1107,0
+1108,1
+1109,0
+1110,1
+1111,0
+1112,1
+1113,0
+1114,1
+1115,0
+1116,1
+1117,1
+1118,0
+1119,1
+1120,0
+1121,0
+1122,0
+1123,1
+1124,0
+1125,0
+1126,0
+1127,0
+1128,0
+1129,0
+1130,1
+1131,1
+1132,1
+1133,1
+1134,0
+1135,0
+1136,0
+1137,0
+1138,1
+1139,0
+1140,1
+1141,1
+1142,1
+1143,0
+1144,0
+1145,0
+1146,0
+1147,0
+1148,0
+1149,0
+1150,1
+1151,0
+1152,0
+1153,0
+1154,1
+1155,1
+1156,0
+1157,0
+1158,0
+1159,0
+1160,1
+1161,0
+1162,0
+1163,0
+1164,1
+1165,1
+1166,0
+1167,1
+1168,0
+1169,0
+1170,0
+1171,0
+1172,1
+1173,0
+1174,1
+1175,1
+1176,1
+1177,0
+1178,0
+1179,0
+1180,0
+1181,0
+1182,0
+1183,1
+1184,0
+1185,0
+1186,0
+1187,0
+1188,1
+1189,0
+1190,0
+1191,0
+1192,0
+1193,0
+1194,0
+1195,0
+1196,1
+1197,1
+1198,0
+1199,0
+1200,0
+1201,1
+1202,0
+1203,0
+1204,0
+1205,1
+1206,1
+1207,1
+1208,0
+1209,0
+1210,0
+1211,0
+1212,0
+1213,0
+1214,0
+1215,0
+1216,1
+1217,0
+1218,1
+1219,0
+1220,0
+1221,0
+1222,1
+1223,0
+1224,0
+1225,1
+1226,0
+1227,0
+1228,0
+1229,0
+1230,0
+1231,0
+1232,0
+1233,0
+1234,0
+1235,1
+1236,0
+1237,1
+1238,0
+1239,1
+1240,0
+1241,1
+1242,1
+1243,0
+1244,0
+1245,0
+1246,1
+1247,0
+1248,1
+1249,0
+1250,0
+1251,1
+1252,0
+1253,1
+1254,1
+1255,0
+1256,1
+1257,1
+1258,0
+1259,1
+1260,1
+1261,0
+1262,0
+1263,1
+1264,0
+1265,0
+1266,1
+1267,1
+1268,1
+1269,0
+1270,0
+1271,0
+1272,0
+1273,0
+1274,1
+1275,1
+1276,0
+1277,1
+1278,0
+1279,0
+1280,0
+1281,0
+1282,0
+1283,1
+1284,0
+1285,0
+1286,0
+1287,1
+1288,0
+1289,1
+1290,0
+1291,0
+1292,1
+1293,0
+1294,1
+1295,0
+1296,0
+1297,0
+1298,0
+1299,0
+1300,1
+1301,1
+1302,1
+1303,1
+1304,1
+1305,0
+1306,1
+1307,0
+1308,0
+1309,0
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/test.csv b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/test.csv
new file mode 100644
index 0000000000000000000000000000000000000000..f705412e6dd0487365067a07357f08266ef40577
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/test.csv
@@ -0,0 +1,419 @@
+PassengerId,Pclass,Name,Sex,Age,SibSp,Parch,Ticket,Fare,Cabin,Embarked
+892,3,"Kelly, Mr. James",male,34.5,0,0,330911,7.8292,,Q
+893,3,"Wilkes, Mrs. James (Ellen Needs)",female,47,1,0,363272,7,,S
+894,2,"Myles, Mr. Thomas Francis",male,62,0,0,240276,9.6875,,Q
+895,3,"Wirz, Mr. Albert",male,27,0,0,315154,8.6625,,S
+896,3,"Hirvonen, Mrs. Alexander (Helga E Lindqvist)",female,22,1,1,3101298,12.2875,,S
+897,3,"Svensson, Mr. Johan Cervin",male,14,0,0,7538,9.225,,S
+898,3,"Connolly, Miss. Kate",female,30,0,0,330972,7.6292,,Q
+899,2,"Caldwell, Mr. Albert Francis",male,26,1,1,248738,29,,S
+900,3,"Abrahim, Mrs. Joseph (Sophie Halaut Easu)",female,18,0,0,2657,7.2292,,C
+901,3,"Davies, Mr. John Samuel",male,21,2,0,A/4 48871,24.15,,S
+902,3,"Ilieff, Mr. Ylio",male,,0,0,349220,7.8958,,S
+903,1,"Jones, Mr. Charles Cresson",male,46,0,0,694,26,,S
+904,1,"Snyder, Mrs. John Pillsbury (Nelle Stevenson)",female,23,1,0,21228,82.2667,B45,S
+905,2,"Howard, Mr. Benjamin",male,63,1,0,24065,26,,S
+906,1,"Chaffee, Mrs. Herbert Fuller (Carrie Constance Toogood)",female,47,1,0,W.E.P. 5734,61.175,E31,S
+907,2,"del Carlo, Mrs. Sebastiano (Argenia Genovesi)",female,24,1,0,SC/PARIS 2167,27.7208,,C
+908,2,"Keane, Mr. Daniel",male,35,0,0,233734,12.35,,Q
+909,3,"Assaf, Mr. Gerios",male,21,0,0,2692,7.225,,C
+910,3,"Ilmakangas, Miss. Ida Livija",female,27,1,0,STON/O2. 3101270,7.925,,S
+911,3,"Assaf Khalil, Mrs. Mariana (Miriam"")""",female,45,0,0,2696,7.225,,C
+912,1,"Rothschild, Mr. Martin",male,55,1,0,PC 17603,59.4,,C
+913,3,"Olsen, Master. Artur Karl",male,9,0,1,C 17368,3.1708,,S
+914,1,"Flegenheim, Mrs. Alfred (Antoinette)",female,,0,0,PC 17598,31.6833,,S
+915,1,"Williams, Mr. Richard Norris II",male,21,0,1,PC 17597,61.3792,,C
+916,1,"Ryerson, Mrs. Arthur Larned (Emily Maria Borie)",female,48,1,3,PC 17608,262.375,B57 B59 B63 B66,C
+917,3,"Robins, Mr. Alexander A",male,50,1,0,A/5. 3337,14.5,,S
+918,1,"Ostby, Miss. Helene Ragnhild",female,22,0,1,113509,61.9792,B36,C
+919,3,"Daher, Mr. Shedid",male,22.5,0,0,2698,7.225,,C
+920,1,"Brady, Mr. John Bertram",male,41,0,0,113054,30.5,A21,S
+921,3,"Samaan, Mr. Elias",male,,2,0,2662,21.6792,,C
+922,2,"Louch, Mr. Charles Alexander",male,50,1,0,SC/AH 3085,26,,S
+923,2,"Jefferys, Mr. Clifford Thomas",male,24,2,0,C.A. 31029,31.5,,S
+924,3,"Dean, Mrs. Bertram (Eva Georgetta Light)",female,33,1,2,C.A. 2315,20.575,,S
+925,3,"Johnston, Mrs. Andrew G (Elizabeth Lily"" Watson)""",female,,1,2,W./C. 6607,23.45,,S
+926,1,"Mock, Mr. Philipp Edmund",male,30,1,0,13236,57.75,C78,C
+927,3,"Katavelas, Mr. Vassilios (Catavelas Vassilios"")""",male,18.5,0,0,2682,7.2292,,C
+928,3,"Roth, Miss. Sarah A",female,,0,0,342712,8.05,,S
+929,3,"Cacic, Miss. Manda",female,21,0,0,315087,8.6625,,S
+930,3,"Sap, Mr. Julius",male,25,0,0,345768,9.5,,S
+931,3,"Hee, Mr. Ling",male,,0,0,1601,56.4958,,S
+932,3,"Karun, Mr. Franz",male,39,0,1,349256,13.4167,,C
+933,1,"Franklin, Mr. Thomas Parham",male,,0,0,113778,26.55,D34,S
+934,3,"Goldsmith, Mr. Nathan",male,41,0,0,SOTON/O.Q. 3101263,7.85,,S
+935,2,"Corbett, Mrs. Walter H (Irene Colvin)",female,30,0,0,237249,13,,S
+936,1,"Kimball, Mrs. Edwin Nelson Jr (Gertrude Parsons)",female,45,1,0,11753,52.5542,D19,S
+937,3,"Peltomaki, Mr. Nikolai Johannes",male,25,0,0,STON/O 2. 3101291,7.925,,S
+938,1,"Chevre, Mr. Paul Romaine",male,45,0,0,PC 17594,29.7,A9,C
+939,3,"Shaughnessy, Mr. Patrick",male,,0,0,370374,7.75,,Q
+940,1,"Bucknell, Mrs. William Robert (Emma Eliza Ward)",female,60,0,0,11813,76.2917,D15,C
+941,3,"Coutts, Mrs. William (Winnie Minnie"" Treanor)""",female,36,0,2,C.A. 37671,15.9,,S
+942,1,"Smith, Mr. Lucien Philip",male,24,1,0,13695,60,C31,S
+943,2,"Pulbaum, Mr. Franz",male,27,0,0,SC/PARIS 2168,15.0333,,C
+944,2,"Hocking, Miss. Ellen Nellie""""",female,20,2,1,29105,23,,S
+945,1,"Fortune, Miss. Ethel Flora",female,28,3,2,19950,263,C23 C25 C27,S
+946,2,"Mangiavacchi, Mr. Serafino Emilio",male,,0,0,SC/A.3 2861,15.5792,,C
+947,3,"Rice, Master. Albert",male,10,4,1,382652,29.125,,Q
+948,3,"Cor, Mr. Bartol",male,35,0,0,349230,7.8958,,S
+949,3,"Abelseth, Mr. Olaus Jorgensen",male,25,0,0,348122,7.65,F G63,S
+950,3,"Davison, Mr. Thomas Henry",male,,1,0,386525,16.1,,S
+951,1,"Chaudanson, Miss. Victorine",female,36,0,0,PC 17608,262.375,B61,C
+952,3,"Dika, Mr. Mirko",male,17,0,0,349232,7.8958,,S
+953,2,"McCrae, Mr. Arthur Gordon",male,32,0,0,237216,13.5,,S
+954,3,"Bjorklund, Mr. Ernst Herbert",male,18,0,0,347090,7.75,,S
+955,3,"Bradley, Miss. Bridget Delia",female,22,0,0,334914,7.725,,Q
+956,1,"Ryerson, Master. John Borie",male,13,2,2,PC 17608,262.375,B57 B59 B63 B66,C
+957,2,"Corey, Mrs. Percy C (Mary Phyllis Elizabeth Miller)",female,,0,0,F.C.C. 13534,21,,S
+958,3,"Burns, Miss. Mary Delia",female,18,0,0,330963,7.8792,,Q
+959,1,"Moore, Mr. Clarence Bloomfield",male,47,0,0,113796,42.4,,S
+960,1,"Tucker, Mr. Gilbert Milligan Jr",male,31,0,0,2543,28.5375,C53,C
+961,1,"Fortune, Mrs. Mark (Mary McDougald)",female,60,1,4,19950,263,C23 C25 C27,S
+962,3,"Mulvihill, Miss. Bertha E",female,24,0,0,382653,7.75,,Q
+963,3,"Minkoff, Mr. Lazar",male,21,0,0,349211,7.8958,,S
+964,3,"Nieminen, Miss. Manta Josefina",female,29,0,0,3101297,7.925,,S
+965,1,"Ovies y Rodriguez, Mr. Servando",male,28.5,0,0,PC 17562,27.7208,D43,C
+966,1,"Geiger, Miss. Amalie",female,35,0,0,113503,211.5,C130,C
+967,1,"Keeping, Mr. Edwin",male,32.5,0,0,113503,211.5,C132,C
+968,3,"Miles, Mr. Frank",male,,0,0,359306,8.05,,S
+969,1,"Cornell, Mrs. Robert Clifford (Malvina Helen Lamson)",female,55,2,0,11770,25.7,C101,S
+970,2,"Aldworth, Mr. Charles Augustus",male,30,0,0,248744,13,,S
+971,3,"Doyle, Miss. Elizabeth",female,24,0,0,368702,7.75,,Q
+972,3,"Boulos, Master. Akar",male,6,1,1,2678,15.2458,,C
+973,1,"Straus, Mr. Isidor",male,67,1,0,PC 17483,221.7792,C55 C57,S
+974,1,"Case, Mr. Howard Brown",male,49,0,0,19924,26,,S
+975,3,"Demetri, Mr. Marinko",male,,0,0,349238,7.8958,,S
+976,2,"Lamb, Mr. John Joseph",male,,0,0,240261,10.7083,,Q
+977,3,"Khalil, Mr. Betros",male,,1,0,2660,14.4542,,C
+978,3,"Barry, Miss. Julia",female,27,0,0,330844,7.8792,,Q
+979,3,"Badman, Miss. Emily Louisa",female,18,0,0,A/4 31416,8.05,,S
+980,3,"O'Donoghue, Ms. Bridget",female,,0,0,364856,7.75,,Q
+981,2,"Wells, Master. Ralph Lester",male,2,1,1,29103,23,,S
+982,3,"Dyker, Mrs. Adolf Fredrik (Anna Elisabeth Judith Andersson)",female,22,1,0,347072,13.9,,S
+983,3,"Pedersen, Mr. Olaf",male,,0,0,345498,7.775,,S
+984,1,"Davidson, Mrs. Thornton (Orian Hays)",female,27,1,2,F.C. 12750,52,B71,S
+985,3,"Guest, Mr. Robert",male,,0,0,376563,8.05,,S
+986,1,"Birnbaum, Mr. Jakob",male,25,0,0,13905,26,,C
+987,3,"Tenglin, Mr. Gunnar Isidor",male,25,0,0,350033,7.7958,,S
+988,1,"Cavendish, Mrs. Tyrell William (Julia Florence Siegel)",female,76,1,0,19877,78.85,C46,S
+989,3,"Makinen, Mr. Kalle Edvard",male,29,0,0,STON/O 2. 3101268,7.925,,S
+990,3,"Braf, Miss. Elin Ester Maria",female,20,0,0,347471,7.8542,,S
+991,3,"Nancarrow, Mr. William Henry",male,33,0,0,A./5. 3338,8.05,,S
+992,1,"Stengel, Mrs. Charles Emil Henry (Annie May Morris)",female,43,1,0,11778,55.4417,C116,C
+993,2,"Weisz, Mr. Leopold",male,27,1,0,228414,26,,S
+994,3,"Foley, Mr. William",male,,0,0,365235,7.75,,Q
+995,3,"Johansson Palmquist, Mr. Oskar Leander",male,26,0,0,347070,7.775,,S
+996,3,"Thomas, Mrs. Alexander (Thamine Thelma"")""",female,16,1,1,2625,8.5167,,C
+997,3,"Holthen, Mr. Johan Martin",male,28,0,0,C 4001,22.525,,S
+998,3,"Buckley, Mr. Daniel",male,21,0,0,330920,7.8208,,Q
+999,3,"Ryan, Mr. Edward",male,,0,0,383162,7.75,,Q
+1000,3,"Willer, Mr. Aaron (Abi Weller"")""",male,,0,0,3410,8.7125,,S
+1001,2,"Swane, Mr. George",male,18.5,0,0,248734,13,F,S
+1002,2,"Stanton, Mr. Samuel Ward",male,41,0,0,237734,15.0458,,C
+1003,3,"Shine, Miss. Ellen Natalia",female,,0,0,330968,7.7792,,Q
+1004,1,"Evans, Miss. Edith Corse",female,36,0,0,PC 17531,31.6792,A29,C
+1005,3,"Buckley, Miss. Katherine",female,18.5,0,0,329944,7.2833,,Q
+1006,1,"Straus, Mrs. Isidor (Rosalie Ida Blun)",female,63,1,0,PC 17483,221.7792,C55 C57,S
+1007,3,"Chronopoulos, Mr. Demetrios",male,18,1,0,2680,14.4542,,C
+1008,3,"Thomas, Mr. John",male,,0,0,2681,6.4375,,C
+1009,3,"Sandstrom, Miss. Beatrice Irene",female,1,1,1,PP 9549,16.7,G6,S
+1010,1,"Beattie, Mr. Thomson",male,36,0,0,13050,75.2417,C6,C
+1011,2,"Chapman, Mrs. John Henry (Sara Elizabeth Lawry)",female,29,1,0,SC/AH 29037,26,,S
+1012,2,"Watt, Miss. Bertha J",female,12,0,0,C.A. 33595,15.75,,S
+1013,3,"Kiernan, Mr. John",male,,1,0,367227,7.75,,Q
+1014,1,"Schabert, Mrs. Paul (Emma Mock)",female,35,1,0,13236,57.75,C28,C
+1015,3,"Carver, Mr. Alfred John",male,28,0,0,392095,7.25,,S
+1016,3,"Kennedy, Mr. John",male,,0,0,368783,7.75,,Q
+1017,3,"Cribb, Miss. Laura Alice",female,17,0,1,371362,16.1,,S
+1018,3,"Brobeck, Mr. Karl Rudolf",male,22,0,0,350045,7.7958,,S
+1019,3,"McCoy, Miss. Alicia",female,,2,0,367226,23.25,,Q
+1020,2,"Bowenur, Mr. Solomon",male,42,0,0,211535,13,,S
+1021,3,"Petersen, Mr. Marius",male,24,0,0,342441,8.05,,S
+1022,3,"Spinner, Mr. Henry John",male,32,0,0,STON/OQ. 369943,8.05,,S
+1023,1,"Gracie, Col. Archibald IV",male,53,0,0,113780,28.5,C51,C
+1024,3,"Lefebre, Mrs. Frank (Frances)",female,,0,4,4133,25.4667,,S
+1025,3,"Thomas, Mr. Charles P",male,,1,0,2621,6.4375,,C
+1026,3,"Dintcheff, Mr. Valtcho",male,43,0,0,349226,7.8958,,S
+1027,3,"Carlsson, Mr. Carl Robert",male,24,0,0,350409,7.8542,,S
+1028,3,"Zakarian, Mr. Mapriededer",male,26.5,0,0,2656,7.225,,C
+1029,2,"Schmidt, Mr. August",male,26,0,0,248659,13,,S
+1030,3,"Drapkin, Miss. Jennie",female,23,0,0,SOTON/OQ 392083,8.05,,S
+1031,3,"Goodwin, Mr. Charles Frederick",male,40,1,6,CA 2144,46.9,,S
+1032,3,"Goodwin, Miss. Jessie Allis",female,10,5,2,CA 2144,46.9,,S
+1033,1,"Daniels, Miss. Sarah",female,33,0,0,113781,151.55,,S
+1034,1,"Ryerson, Mr. Arthur Larned",male,61,1,3,PC 17608,262.375,B57 B59 B63 B66,C
+1035,2,"Beauchamp, Mr. Henry James",male,28,0,0,244358,26,,S
+1036,1,"Lindeberg-Lind, Mr. Erik Gustaf (Mr Edward Lingrey"")""",male,42,0,0,17475,26.55,,S
+1037,3,"Vander Planke, Mr. Julius",male,31,3,0,345763,18,,S
+1038,1,"Hilliard, Mr. Herbert Henry",male,,0,0,17463,51.8625,E46,S
+1039,3,"Davies, Mr. Evan",male,22,0,0,SC/A4 23568,8.05,,S
+1040,1,"Crafton, Mr. John Bertram",male,,0,0,113791,26.55,,S
+1041,2,"Lahtinen, Rev. William",male,30,1,1,250651,26,,S
+1042,1,"Earnshaw, Mrs. Boulton (Olive Potter)",female,23,0,1,11767,83.1583,C54,C
+1043,3,"Matinoff, Mr. Nicola",male,,0,0,349255,7.8958,,C
+1044,3,"Storey, Mr. Thomas",male,60.5,0,0,3701,,,S
+1045,3,"Klasen, Mrs. (Hulda Kristina Eugenia Lofqvist)",female,36,0,2,350405,12.1833,,S
+1046,3,"Asplund, Master. Filip Oscar",male,13,4,2,347077,31.3875,,S
+1047,3,"Duquemin, Mr. Joseph",male,24,0,0,S.O./P.P. 752,7.55,,S
+1048,1,"Bird, Miss. Ellen",female,29,0,0,PC 17483,221.7792,C97,S
+1049,3,"Lundin, Miss. Olga Elida",female,23,0,0,347469,7.8542,,S
+1050,1,"Borebank, Mr. John James",male,42,0,0,110489,26.55,D22,S
+1051,3,"Peacock, Mrs. Benjamin (Edith Nile)",female,26,0,2,SOTON/O.Q. 3101315,13.775,,S
+1052,3,"Smyth, Miss. Julia",female,,0,0,335432,7.7333,,Q
+1053,3,"Touma, Master. Georges Youssef",male,7,1,1,2650,15.2458,,C
+1054,2,"Wright, Miss. Marion",female,26,0,0,220844,13.5,,S
+1055,3,"Pearce, Mr. Ernest",male,,0,0,343271,7,,S
+1056,2,"Peruschitz, Rev. Joseph Maria",male,41,0,0,237393,13,,S
+1057,3,"Kink-Heilmann, Mrs. Anton (Luise Heilmann)",female,26,1,1,315153,22.025,,S
+1058,1,"Brandeis, Mr. Emil",male,48,0,0,PC 17591,50.4958,B10,C
+1059,3,"Ford, Mr. Edward Watson",male,18,2,2,W./C. 6608,34.375,,S
+1060,1,"Cassebeer, Mrs. Henry Arthur Jr (Eleanor Genevieve Fosdick)",female,,0,0,17770,27.7208,,C
+1061,3,"Hellstrom, Miss. Hilda Maria",female,22,0,0,7548,8.9625,,S
+1062,3,"Lithman, Mr. Simon",male,,0,0,S.O./P.P. 251,7.55,,S
+1063,3,"Zakarian, Mr. Ortin",male,27,0,0,2670,7.225,,C
+1064,3,"Dyker, Mr. Adolf Fredrik",male,23,1,0,347072,13.9,,S
+1065,3,"Torfa, Mr. Assad",male,,0,0,2673,7.2292,,C
+1066,3,"Asplund, Mr. Carl Oscar Vilhelm Gustafsson",male,40,1,5,347077,31.3875,,S
+1067,2,"Brown, Miss. Edith Eileen",female,15,0,2,29750,39,,S
+1068,2,"Sincock, Miss. Maude",female,20,0,0,C.A. 33112,36.75,,S
+1069,1,"Stengel, Mr. Charles Emil Henry",male,54,1,0,11778,55.4417,C116,C
+1070,2,"Becker, Mrs. Allen Oliver (Nellie E Baumgardner)",female,36,0,3,230136,39,F4,S
+1071,1,"Compton, Mrs. Alexander Taylor (Mary Eliza Ingersoll)",female,64,0,2,PC 17756,83.1583,E45,C
+1072,2,"McCrie, Mr. James Matthew",male,30,0,0,233478,13,,S
+1073,1,"Compton, Mr. Alexander Taylor Jr",male,37,1,1,PC 17756,83.1583,E52,C
+1074,1,"Marvin, Mrs. Daniel Warner (Mary Graham Carmichael Farquarson)",female,18,1,0,113773,53.1,D30,S
+1075,3,"Lane, Mr. Patrick",male,,0,0,7935,7.75,,Q
+1076,1,"Douglas, Mrs. Frederick Charles (Mary Helene Baxter)",female,27,1,1,PC 17558,247.5208,B58 B60,C
+1077,2,"Maybery, Mr. Frank Hubert",male,40,0,0,239059,16,,S
+1078,2,"Phillips, Miss. Alice Frances Louisa",female,21,0,1,S.O./P.P. 2,21,,S
+1079,3,"Davies, Mr. Joseph",male,17,2,0,A/4 48873,8.05,,S
+1080,3,"Sage, Miss. Ada",female,,8,2,CA. 2343,69.55,,S
+1081,2,"Veal, Mr. James",male,40,0,0,28221,13,,S
+1082,2,"Angle, Mr. William A",male,34,1,0,226875,26,,S
+1083,1,"Salomon, Mr. Abraham L",male,,0,0,111163,26,,S
+1084,3,"van Billiard, Master. Walter John",male,11.5,1,1,A/5. 851,14.5,,S
+1085,2,"Lingane, Mr. John",male,61,0,0,235509,12.35,,Q
+1086,2,"Drew, Master. Marshall Brines",male,8,0,2,28220,32.5,,S
+1087,3,"Karlsson, Mr. Julius Konrad Eugen",male,33,0,0,347465,7.8542,,S
+1088,1,"Spedden, Master. Robert Douglas",male,6,0,2,16966,134.5,E34,C
+1089,3,"Nilsson, Miss. Berta Olivia",female,18,0,0,347066,7.775,,S
+1090,2,"Baimbrigge, Mr. Charles Robert",male,23,0,0,C.A. 31030,10.5,,S
+1091,3,"Rasmussen, Mrs. (Lena Jacobsen Solvang)",female,,0,0,65305,8.1125,,S
+1092,3,"Murphy, Miss. Nora",female,,0,0,36568,15.5,,Q
+1093,3,"Danbom, Master. Gilbert Sigvard Emanuel",male,0.33,0,2,347080,14.4,,S
+1094,1,"Astor, Col. John Jacob",male,47,1,0,PC 17757,227.525,C62 C64,C
+1095,2,"Quick, Miss. Winifred Vera",female,8,1,1,26360,26,,S
+1096,2,"Andrew, Mr. Frank Thomas",male,25,0,0,C.A. 34050,10.5,,S
+1097,1,"Omont, Mr. Alfred Fernand",male,,0,0,F.C. 12998,25.7417,,C
+1098,3,"McGowan, Miss. Katherine",female,35,0,0,9232,7.75,,Q
+1099,2,"Collett, Mr. Sidney C Stuart",male,24,0,0,28034,10.5,,S
+1100,1,"Rosenbaum, Miss. Edith Louise",female,33,0,0,PC 17613,27.7208,A11,C
+1101,3,"Delalic, Mr. Redjo",male,25,0,0,349250,7.8958,,S
+1102,3,"Andersen, Mr. Albert Karvin",male,32,0,0,C 4001,22.525,,S
+1103,3,"Finoli, Mr. Luigi",male,,0,0,SOTON/O.Q. 3101308,7.05,,S
+1104,2,"Deacon, Mr. Percy William",male,17,0,0,S.O.C. 14879,73.5,,S
+1105,2,"Howard, Mrs. Benjamin (Ellen Truelove Arman)",female,60,1,0,24065,26,,S
+1106,3,"Andersson, Miss. Ida Augusta Margareta",female,38,4,2,347091,7.775,,S
+1107,1,"Head, Mr. Christopher",male,42,0,0,113038,42.5,B11,S
+1108,3,"Mahon, Miss. Bridget Delia",female,,0,0,330924,7.8792,,Q
+1109,1,"Wick, Mr. George Dennick",male,57,1,1,36928,164.8667,,S
+1110,1,"Widener, Mrs. George Dunton (Eleanor Elkins)",female,50,1,1,113503,211.5,C80,C
+1111,3,"Thomson, Mr. Alexander Morrison",male,,0,0,32302,8.05,,S
+1112,2,"Duran y More, Miss. Florentina",female,30,1,0,SC/PARIS 2148,13.8583,,C
+1113,3,"Reynolds, Mr. Harold J",male,21,0,0,342684,8.05,,S
+1114,2,"Cook, Mrs. (Selena Rogers)",female,22,0,0,W./C. 14266,10.5,F33,S
+1115,3,"Karlsson, Mr. Einar Gervasius",male,21,0,0,350053,7.7958,,S
+1116,1,"Candee, Mrs. Edward (Helen Churchill Hungerford)",female,53,0,0,PC 17606,27.4458,,C
+1117,3,"Moubarek, Mrs. George (Omine Amenia"" Alexander)""",female,,0,2,2661,15.2458,,C
+1118,3,"Asplund, Mr. Johan Charles",male,23,0,0,350054,7.7958,,S
+1119,3,"McNeill, Miss. Bridget",female,,0,0,370368,7.75,,Q
+1120,3,"Everett, Mr. Thomas James",male,40.5,0,0,C.A. 6212,15.1,,S
+1121,2,"Hocking, Mr. Samuel James Metcalfe",male,36,0,0,242963,13,,S
+1122,2,"Sweet, Mr. George Frederick",male,14,0,0,220845,65,,S
+1123,1,"Willard, Miss. Constance",female,21,0,0,113795,26.55,,S
+1124,3,"Wiklund, Mr. Karl Johan",male,21,1,0,3101266,6.4958,,S
+1125,3,"Linehan, Mr. Michael",male,,0,0,330971,7.8792,,Q
+1126,1,"Cumings, Mr. John Bradley",male,39,1,0,PC 17599,71.2833,C85,C
+1127,3,"Vendel, Mr. Olof Edvin",male,20,0,0,350416,7.8542,,S
+1128,1,"Warren, Mr. Frank Manley",male,64,1,0,110813,75.25,D37,C
+1129,3,"Baccos, Mr. Raffull",male,20,0,0,2679,7.225,,C
+1130,2,"Hiltunen, Miss. Marta",female,18,1,1,250650,13,,S
+1131,1,"Douglas, Mrs. Walter Donald (Mahala Dutton)",female,48,1,0,PC 17761,106.425,C86,C
+1132,1,"Lindstrom, Mrs. Carl Johan (Sigrid Posse)",female,55,0,0,112377,27.7208,,C
+1133,2,"Christy, Mrs. (Alice Frances)",female,45,0,2,237789,30,,S
+1134,1,"Spedden, Mr. Frederic Oakley",male,45,1,1,16966,134.5,E34,C
+1135,3,"Hyman, Mr. Abraham",male,,0,0,3470,7.8875,,S
+1136,3,"Johnston, Master. William Arthur Willie""""",male,,1,2,W./C. 6607,23.45,,S
+1137,1,"Kenyon, Mr. Frederick R",male,41,1,0,17464,51.8625,D21,S
+1138,2,"Karnes, Mrs. J Frank (Claire Bennett)",female,22,0,0,F.C.C. 13534,21,,S
+1139,2,"Drew, Mr. James Vivian",male,42,1,1,28220,32.5,,S
+1140,2,"Hold, Mrs. Stephen (Annie Margaret Hill)",female,29,1,0,26707,26,,S
+1141,3,"Khalil, Mrs. Betros (Zahie Maria"" Elias)""",female,,1,0,2660,14.4542,,C
+1142,2,"West, Miss. Barbara J",female,0.92,1,2,C.A. 34651,27.75,,S
+1143,3,"Abrahamsson, Mr. Abraham August Johannes",male,20,0,0,SOTON/O2 3101284,7.925,,S
+1144,1,"Clark, Mr. Walter Miller",male,27,1,0,13508,136.7792,C89,C
+1145,3,"Salander, Mr. Karl Johan",male,24,0,0,7266,9.325,,S
+1146,3,"Wenzel, Mr. Linhart",male,32.5,0,0,345775,9.5,,S
+1147,3,"MacKay, Mr. George William",male,,0,0,C.A. 42795,7.55,,S
+1148,3,"Mahon, Mr. John",male,,0,0,AQ/4 3130,7.75,,Q
+1149,3,"Niklasson, Mr. Samuel",male,28,0,0,363611,8.05,,S
+1150,2,"Bentham, Miss. Lilian W",female,19,0,0,28404,13,,S
+1151,3,"Midtsjo, Mr. Karl Albert",male,21,0,0,345501,7.775,,S
+1152,3,"de Messemaeker, Mr. Guillaume Joseph",male,36.5,1,0,345572,17.4,,S
+1153,3,"Nilsson, Mr. August Ferdinand",male,21,0,0,350410,7.8542,,S
+1154,2,"Wells, Mrs. Arthur Henry (Addie"" Dart Trevaskis)""",female,29,0,2,29103,23,,S
+1155,3,"Klasen, Miss. Gertrud Emilia",female,1,1,1,350405,12.1833,,S
+1156,2,"Portaluppi, Mr. Emilio Ilario Giuseppe",male,30,0,0,C.A. 34644,12.7375,,C
+1157,3,"Lyntakoff, Mr. Stanko",male,,0,0,349235,7.8958,,S
+1158,1,"Chisholm, Mr. Roderick Robert Crispin",male,,0,0,112051,0,,S
+1159,3,"Warren, Mr. Charles William",male,,0,0,C.A. 49867,7.55,,S
+1160,3,"Howard, Miss. May Elizabeth",female,,0,0,A. 2. 39186,8.05,,S
+1161,3,"Pokrnic, Mr. Mate",male,17,0,0,315095,8.6625,,S
+1162,1,"McCaffry, Mr. Thomas Francis",male,46,0,0,13050,75.2417,C6,C
+1163,3,"Fox, Mr. Patrick",male,,0,0,368573,7.75,,Q
+1164,1,"Clark, Mrs. Walter Miller (Virginia McDowell)",female,26,1,0,13508,136.7792,C89,C
+1165,3,"Lennon, Miss. Mary",female,,1,0,370371,15.5,,Q
+1166,3,"Saade, Mr. Jean Nassr",male,,0,0,2676,7.225,,C
+1167,2,"Bryhl, Miss. Dagmar Jenny Ingeborg ",female,20,1,0,236853,26,,S
+1168,2,"Parker, Mr. Clifford Richard",male,28,0,0,SC 14888,10.5,,S
+1169,2,"Faunthorpe, Mr. Harry",male,40,1,0,2926,26,,S
+1170,2,"Ware, Mr. John James",male,30,1,0,CA 31352,21,,S
+1171,2,"Oxenham, Mr. Percy Thomas",male,22,0,0,W./C. 14260,10.5,,S
+1172,3,"Oreskovic, Miss. Jelka",female,23,0,0,315085,8.6625,,S
+1173,3,"Peacock, Master. Alfred Edward",male,0.75,1,1,SOTON/O.Q. 3101315,13.775,,S
+1174,3,"Fleming, Miss. Honora",female,,0,0,364859,7.75,,Q
+1175,3,"Touma, Miss. Maria Youssef",female,9,1,1,2650,15.2458,,C
+1176,3,"Rosblom, Miss. Salli Helena",female,2,1,1,370129,20.2125,,S
+1177,3,"Dennis, Mr. William",male,36,0,0,A/5 21175,7.25,,S
+1178,3,"Franklin, Mr. Charles (Charles Fardon)",male,,0,0,SOTON/O.Q. 3101314,7.25,,S
+1179,1,"Snyder, Mr. John Pillsbury",male,24,1,0,21228,82.2667,B45,S
+1180,3,"Mardirosian, Mr. Sarkis",male,,0,0,2655,7.2292,F E46,C
+1181,3,"Ford, Mr. Arthur",male,,0,0,A/5 1478,8.05,,S
+1182,1,"Rheims, Mr. George Alexander Lucien",male,,0,0,PC 17607,39.6,,S
+1183,3,"Daly, Miss. Margaret Marcella Maggie""""",female,30,0,0,382650,6.95,,Q
+1184,3,"Nasr, Mr. Mustafa",male,,0,0,2652,7.2292,,C
+1185,1,"Dodge, Dr. Washington",male,53,1,1,33638,81.8583,A34,S
+1186,3,"Wittevrongel, Mr. Camille",male,36,0,0,345771,9.5,,S
+1187,3,"Angheloff, Mr. Minko",male,26,0,0,349202,7.8958,,S
+1188,2,"Laroche, Miss. Louise",female,1,1,2,SC/Paris 2123,41.5792,,C
+1189,3,"Samaan, Mr. Hanna",male,,2,0,2662,21.6792,,C
+1190,1,"Loring, Mr. Joseph Holland",male,30,0,0,113801,45.5,,S
+1191,3,"Johansson, Mr. Nils",male,29,0,0,347467,7.8542,,S
+1192,3,"Olsson, Mr. Oscar Wilhelm",male,32,0,0,347079,7.775,,S
+1193,2,"Malachard, Mr. Noel",male,,0,0,237735,15.0458,D,C
+1194,2,"Phillips, Mr. Escott Robert",male,43,0,1,S.O./P.P. 2,21,,S
+1195,3,"Pokrnic, Mr. Tome",male,24,0,0,315092,8.6625,,S
+1196,3,"McCarthy, Miss. Catherine Katie""""",female,,0,0,383123,7.75,,Q
+1197,1,"Crosby, Mrs. Edward Gifford (Catherine Elizabeth Halstead)",female,64,1,1,112901,26.55,B26,S
+1198,1,"Allison, Mr. Hudson Joshua Creighton",male,30,1,2,113781,151.55,C22 C26,S
+1199,3,"Aks, Master. Philip Frank",male,0.83,0,1,392091,9.35,,S
+1200,1,"Hays, Mr. Charles Melville",male,55,1,1,12749,93.5,B69,S
+1201,3,"Hansen, Mrs. Claus Peter (Jennie L Howard)",female,45,1,0,350026,14.1083,,S
+1202,3,"Cacic, Mr. Jego Grga",male,18,0,0,315091,8.6625,,S
+1203,3,"Vartanian, Mr. David",male,22,0,0,2658,7.225,,C
+1204,3,"Sadowitz, Mr. Harry",male,,0,0,LP 1588,7.575,,S
+1205,3,"Carr, Miss. Jeannie",female,37,0,0,368364,7.75,,Q
+1206,1,"White, Mrs. John Stuart (Ella Holmes)",female,55,0,0,PC 17760,135.6333,C32,C
+1207,3,"Hagardon, Miss. Kate",female,17,0,0,AQ/3. 30631,7.7333,,Q
+1208,1,"Spencer, Mr. William Augustus",male,57,1,0,PC 17569,146.5208,B78,C
+1209,2,"Rogers, Mr. Reginald Harry",male,19,0,0,28004,10.5,,S
+1210,3,"Jonsson, Mr. Nils Hilding",male,27,0,0,350408,7.8542,,S
+1211,2,"Jefferys, Mr. Ernest Wilfred",male,22,2,0,C.A. 31029,31.5,,S
+1212,3,"Andersson, Mr. Johan Samuel",male,26,0,0,347075,7.775,,S
+1213,3,"Krekorian, Mr. Neshan",male,25,0,0,2654,7.2292,F E57,C
+1214,2,"Nesson, Mr. Israel",male,26,0,0,244368,13,F2,S
+1215,1,"Rowe, Mr. Alfred G",male,33,0,0,113790,26.55,,S
+1216,1,"Kreuchen, Miss. Emilie",female,39,0,0,24160,211.3375,,S
+1217,3,"Assam, Mr. Ali",male,23,0,0,SOTON/O.Q. 3101309,7.05,,S
+1218,2,"Becker, Miss. Ruth Elizabeth",female,12,2,1,230136,39,F4,S
+1219,1,"Rosenshine, Mr. George (Mr George Thorne"")""",male,46,0,0,PC 17585,79.2,,C
+1220,2,"Clarke, Mr. Charles Valentine",male,29,1,0,2003,26,,S
+1221,2,"Enander, Mr. Ingvar",male,21,0,0,236854,13,,S
+1222,2,"Davies, Mrs. John Morgan (Elizabeth Agnes Mary White) ",female,48,0,2,C.A. 33112,36.75,,S
+1223,1,"Dulles, Mr. William Crothers",male,39,0,0,PC 17580,29.7,A18,C
+1224,3,"Thomas, Mr. Tannous",male,,0,0,2684,7.225,,C
+1225,3,"Nakid, Mrs. Said (Waika Mary"" Mowad)""",female,19,1,1,2653,15.7417,,C
+1226,3,"Cor, Mr. Ivan",male,27,0,0,349229,7.8958,,S
+1227,1,"Maguire, Mr. John Edward",male,30,0,0,110469,26,C106,S
+1228,2,"de Brito, Mr. Jose Joaquim",male,32,0,0,244360,13,,S
+1229,3,"Elias, Mr. Joseph",male,39,0,2,2675,7.2292,,C
+1230,2,"Denbury, Mr. Herbert",male,25,0,0,C.A. 31029,31.5,,S
+1231,3,"Betros, Master. Seman",male,,0,0,2622,7.2292,,C
+1232,2,"Fillbrook, Mr. Joseph Charles",male,18,0,0,C.A. 15185,10.5,,S
+1233,3,"Lundstrom, Mr. Thure Edvin",male,32,0,0,350403,7.5792,,S
+1234,3,"Sage, Mr. John George",male,,1,9,CA. 2343,69.55,,S
+1235,1,"Cardeza, Mrs. James Warburton Martinez (Charlotte Wardle Drake)",female,58,0,1,PC 17755,512.3292,B51 B53 B55,C
+1236,3,"van Billiard, Master. James William",male,,1,1,A/5. 851,14.5,,S
+1237,3,"Abelseth, Miss. Karen Marie",female,16,0,0,348125,7.65,,S
+1238,2,"Botsford, Mr. William Hull",male,26,0,0,237670,13,,S
+1239,3,"Whabee, Mrs. George Joseph (Shawneene Abi-Saab)",female,38,0,0,2688,7.2292,,C
+1240,2,"Giles, Mr. Ralph",male,24,0,0,248726,13.5,,S
+1241,2,"Walcroft, Miss. Nellie",female,31,0,0,F.C.C. 13528,21,,S
+1242,1,"Greenfield, Mrs. Leo David (Blanche Strouse)",female,45,0,1,PC 17759,63.3583,D10 D12,C
+1243,2,"Stokes, Mr. Philip Joseph",male,25,0,0,F.C.C. 13540,10.5,,S
+1244,2,"Dibden, Mr. William",male,18,0,0,S.O.C. 14879,73.5,,S
+1245,2,"Herman, Mr. Samuel",male,49,1,2,220845,65,,S
+1246,3,"Dean, Miss. Elizabeth Gladys Millvina""""",female,0.17,1,2,C.A. 2315,20.575,,S
+1247,1,"Julian, Mr. Henry Forbes",male,50,0,0,113044,26,E60,S
+1248,1,"Brown, Mrs. John Murray (Caroline Lane Lamson)",female,59,2,0,11769,51.4792,C101,S
+1249,3,"Lockyer, Mr. Edward",male,,0,0,1222,7.8792,,S
+1250,3,"O'Keefe, Mr. Patrick",male,,0,0,368402,7.75,,Q
+1251,3,"Lindell, Mrs. Edvard Bengtsson (Elin Gerda Persson)",female,30,1,0,349910,15.55,,S
+1252,3,"Sage, Master. William Henry",male,14.5,8,2,CA. 2343,69.55,,S
+1253,2,"Mallet, Mrs. Albert (Antoinette Magnin)",female,24,1,1,S.C./PARIS 2079,37.0042,,C
+1254,2,"Ware, Mrs. John James (Florence Louise Long)",female,31,0,0,CA 31352,21,,S
+1255,3,"Strilic, Mr. Ivan",male,27,0,0,315083,8.6625,,S
+1256,1,"Harder, Mrs. George Achilles (Dorothy Annan)",female,25,1,0,11765,55.4417,E50,C
+1257,3,"Sage, Mrs. John (Annie Bullen)",female,,1,9,CA. 2343,69.55,,S
+1258,3,"Caram, Mr. Joseph",male,,1,0,2689,14.4583,,C
+1259,3,"Riihivouri, Miss. Susanna Juhantytar Sanni""""",female,22,0,0,3101295,39.6875,,S
+1260,1,"Gibson, Mrs. Leonard (Pauline C Boeson)",female,45,0,1,112378,59.4,,C
+1261,2,"Pallas y Castello, Mr. Emilio",male,29,0,0,SC/PARIS 2147,13.8583,,C
+1262,2,"Giles, Mr. Edgar",male,21,1,0,28133,11.5,,S
+1263,1,"Wilson, Miss. Helen Alice",female,31,0,0,16966,134.5,E39 E41,C
+1264,1,"Ismay, Mr. Joseph Bruce",male,49,0,0,112058,0,B52 B54 B56,S
+1265,2,"Harbeck, Mr. William H",male,44,0,0,248746,13,,S
+1266,1,"Dodge, Mrs. Washington (Ruth Vidaver)",female,54,1,1,33638,81.8583,A34,S
+1267,1,"Bowen, Miss. Grace Scott",female,45,0,0,PC 17608,262.375,,C
+1268,3,"Kink, Miss. Maria",female,22,2,0,315152,8.6625,,S
+1269,2,"Cotterill, Mr. Henry Harry""""",male,21,0,0,29107,11.5,,S
+1270,1,"Hipkins, Mr. William Edward",male,55,0,0,680,50,C39,S
+1271,3,"Asplund, Master. Carl Edgar",male,5,4,2,347077,31.3875,,S
+1272,3,"O'Connor, Mr. Patrick",male,,0,0,366713,7.75,,Q
+1273,3,"Foley, Mr. Joseph",male,26,0,0,330910,7.8792,,Q
+1274,3,"Risien, Mrs. Samuel (Emma)",female,,0,0,364498,14.5,,S
+1275,3,"McNamee, Mrs. Neal (Eileen O'Leary)",female,19,1,0,376566,16.1,,S
+1276,2,"Wheeler, Mr. Edwin Frederick""""",male,,0,0,SC/PARIS 2159,12.875,,S
+1277,2,"Herman, Miss. Kate",female,24,1,2,220845,65,,S
+1278,3,"Aronsson, Mr. Ernst Axel Algot",male,24,0,0,349911,7.775,,S
+1279,2,"Ashby, Mr. John",male,57,0,0,244346,13,,S
+1280,3,"Canavan, Mr. Patrick",male,21,0,0,364858,7.75,,Q
+1281,3,"Palsson, Master. Paul Folke",male,6,3,1,349909,21.075,,S
+1282,1,"Payne, Mr. Vivian Ponsonby",male,23,0,0,12749,93.5,B24,S
+1283,1,"Lines, Mrs. Ernest H (Elizabeth Lindsey James)",female,51,0,1,PC 17592,39.4,D28,S
+1284,3,"Abbott, Master. Eugene Joseph",male,13,0,2,C.A. 2673,20.25,,S
+1285,2,"Gilbert, Mr. William",male,47,0,0,C.A. 30769,10.5,,S
+1286,3,"Kink-Heilmann, Mr. Anton",male,29,3,1,315153,22.025,,S
+1287,1,"Smith, Mrs. Lucien Philip (Mary Eloise Hughes)",female,18,1,0,13695,60,C31,S
+1288,3,"Colbert, Mr. Patrick",male,24,0,0,371109,7.25,,Q
+1289,1,"Frolicher-Stehli, Mrs. Maxmillian (Margaretha Emerentia Stehli)",female,48,1,1,13567,79.2,B41,C
+1290,3,"Larsson-Rondberg, Mr. Edvard A",male,22,0,0,347065,7.775,,S
+1291,3,"Conlon, Mr. Thomas Henry",male,31,0,0,21332,7.7333,,Q
+1292,1,"Bonnell, Miss. Caroline",female,30,0,0,36928,164.8667,C7,S
+1293,2,"Gale, Mr. Harry",male,38,1,0,28664,21,,S
+1294,1,"Gibson, Miss. Dorothy Winifred",female,22,0,1,112378,59.4,,C
+1295,1,"Carrau, Mr. Jose Pedro",male,17,0,0,113059,47.1,,S
+1296,1,"Frauenthal, Mr. Isaac Gerald",male,43,1,0,17765,27.7208,D40,C
+1297,2,"Nourney, Mr. Alfred (Baron von Drachstedt"")""",male,20,0,0,SC/PARIS 2166,13.8625,D38,C
+1298,2,"Ware, Mr. William Jeffery",male,23,1,0,28666,10.5,,S
+1299,1,"Widener, Mr. George Dunton",male,50,1,1,113503,211.5,C80,C
+1300,3,"Riordan, Miss. Johanna Hannah""""",female,,0,0,334915,7.7208,,Q
+1301,3,"Peacock, Miss. Treasteall",female,3,1,1,SOTON/O.Q. 3101315,13.775,,S
+1302,3,"Naughton, Miss. Hannah",female,,0,0,365237,7.75,,Q
+1303,1,"Minahan, Mrs. William Edward (Lillian E Thorpe)",female,37,1,0,19928,90,C78,Q
+1304,3,"Henriksson, Miss. Jenny Lovisa",female,28,0,0,347086,7.775,,S
+1305,3,"Spector, Mr. Woolf",male,,0,0,A.5. 3236,8.05,,S
+1306,1,"Oliva y Ocana, Dona. Fermina",female,39,0,0,PC 17758,108.9,C105,C
+1307,3,"Saether, Mr. Simon Sivertsen",male,38.5,0,0,SOTON/O.Q. 3101262,7.25,,S
+1308,3,"Ware, Mr. Frederick",male,,0,0,359309,8.05,,S
+1309,3,"Peter, Master. Michael J",male,,1,1,2668,22.3583,,C
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/train.csv b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/train.csv
new file mode 100644
index 0000000000000000000000000000000000000000..63b68ab0ba98c667f515c52f08c0bbd5573d5330
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/data/data/train.csv
@@ -0,0 +1,892 @@
+PassengerId,Survived,Pclass,Name,Sex,Age,SibSp,Parch,Ticket,Fare,Cabin,Embarked
+1,0,3,"Braund, Mr. Owen Harris",male,22,1,0,A/5 21171,7.25,,S
+2,1,1,"Cumings, Mrs. John Bradley (Florence Briggs Thayer)",female,38,1,0,PC 17599,71.2833,C85,C
+3,1,3,"Heikkinen, Miss. Laina",female,26,0,0,STON/O2. 3101282,7.925,,S
+4,1,1,"Futrelle, Mrs. Jacques Heath (Lily May Peel)",female,35,1,0,113803,53.1,C123,S
+5,0,3,"Allen, Mr. William Henry",male,35,0,0,373450,8.05,,S
+6,0,3,"Moran, Mr. James",male,,0,0,330877,8.4583,,Q
+7,0,1,"McCarthy, Mr. Timothy J",male,54,0,0,17463,51.8625,E46,S
+8,0,3,"Palsson, Master. Gosta Leonard",male,2,3,1,349909,21.075,,S
+9,1,3,"Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)",female,27,0,2,347742,11.1333,,S
+10,1,2,"Nasser, Mrs. Nicholas (Adele Achem)",female,14,1,0,237736,30.0708,,C
+11,1,3,"Sandstrom, Miss. Marguerite Rut",female,4,1,1,PP 9549,16.7,G6,S
+12,1,1,"Bonnell, Miss. Elizabeth",female,58,0,0,113783,26.55,C103,S
+13,0,3,"Saundercock, Mr. William Henry",male,20,0,0,A/5. 2151,8.05,,S
+14,0,3,"Andersson, Mr. Anders Johan",male,39,1,5,347082,31.275,,S
+15,0,3,"Vestrom, Miss. Hulda Amanda Adolfina",female,14,0,0,350406,7.8542,,S
+16,1,2,"Hewlett, Mrs. (Mary D Kingcome) ",female,55,0,0,248706,16,,S
+17,0,3,"Rice, Master. Eugene",male,2,4,1,382652,29.125,,Q
+18,1,2,"Williams, Mr. Charles Eugene",male,,0,0,244373,13,,S
+19,0,3,"Vander Planke, Mrs. Julius (Emelia Maria Vandemoortele)",female,31,1,0,345763,18,,S
+20,1,3,"Masselmani, Mrs. Fatima",female,,0,0,2649,7.225,,C
+21,0,2,"Fynney, Mr. Joseph J",male,35,0,0,239865,26,,S
+22,1,2,"Beesley, Mr. Lawrence",male,34,0,0,248698,13,D56,S
+23,1,3,"McGowan, Miss. Anna ""Annie""",female,15,0,0,330923,8.0292,,Q
+24,1,1,"Sloper, Mr. William Thompson",male,28,0,0,113788,35.5,A6,S
+25,0,3,"Palsson, Miss. Torborg Danira",female,8,3,1,349909,21.075,,S
+26,1,3,"Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)",female,38,1,5,347077,31.3875,,S
+27,0,3,"Emir, Mr. Farred Chehab",male,,0,0,2631,7.225,,C
+28,0,1,"Fortune, Mr. Charles Alexander",male,19,3,2,19950,263,C23 C25 C27,S
+29,1,3,"O'Dwyer, Miss. Ellen ""Nellie""",female,,0,0,330959,7.8792,,Q
+30,0,3,"Todoroff, Mr. Lalio",male,,0,0,349216,7.8958,,S
+31,0,1,"Uruchurtu, Don. Manuel E",male,40,0,0,PC 17601,27.7208,,C
+32,1,1,"Spencer, Mrs. William Augustus (Marie Eugenie)",female,,1,0,PC 17569,146.5208,B78,C
+33,1,3,"Glynn, Miss. Mary Agatha",female,,0,0,335677,7.75,,Q
+34,0,2,"Wheadon, Mr. Edward H",male,66,0,0,C.A. 24579,10.5,,S
+35,0,1,"Meyer, Mr. Edgar Joseph",male,28,1,0,PC 17604,82.1708,,C
+36,0,1,"Holverson, Mr. Alexander Oskar",male,42,1,0,113789,52,,S
+37,1,3,"Mamee, Mr. Hanna",male,,0,0,2677,7.2292,,C
+38,0,3,"Cann, Mr. Ernest Charles",male,21,0,0,A./5. 2152,8.05,,S
+39,0,3,"Vander Planke, Miss. Augusta Maria",female,18,2,0,345764,18,,S
+40,1,3,"Nicola-Yarred, Miss. Jamila",female,14,1,0,2651,11.2417,,C
+41,0,3,"Ahlin, Mrs. Johan (Johanna Persdotter Larsson)",female,40,1,0,7546,9.475,,S
+42,0,2,"Turpin, Mrs. William John Robert (Dorothy Ann Wonnacott)",female,27,1,0,11668,21,,S
+43,0,3,"Kraeff, Mr. Theodor",male,,0,0,349253,7.8958,,C
+44,1,2,"Laroche, Miss. Simonne Marie Anne Andree",female,3,1,2,SC/Paris 2123,41.5792,,C
+45,1,3,"Devaney, Miss. Margaret Delia",female,19,0,0,330958,7.8792,,Q
+46,0,3,"Rogers, Mr. William John",male,,0,0,S.C./A.4. 23567,8.05,,S
+47,0,3,"Lennon, Mr. Denis",male,,1,0,370371,15.5,,Q
+48,1,3,"O'Driscoll, Miss. Bridget",female,,0,0,14311,7.75,,Q
+49,0,3,"Samaan, Mr. Youssef",male,,2,0,2662,21.6792,,C
+50,0,3,"Arnold-Franchi, Mrs. Josef (Josefine Franchi)",female,18,1,0,349237,17.8,,S
+51,0,3,"Panula, Master. Juha Niilo",male,7,4,1,3101295,39.6875,,S
+52,0,3,"Nosworthy, Mr. Richard Cater",male,21,0,0,A/4. 39886,7.8,,S
+53,1,1,"Harper, Mrs. Henry Sleeper (Myna Haxtun)",female,49,1,0,PC 17572,76.7292,D33,C
+54,1,2,"Faunthorpe, Mrs. Lizzie (Elizabeth Anne Wilkinson)",female,29,1,0,2926,26,,S
+55,0,1,"Ostby, Mr. Engelhart Cornelius",male,65,0,1,113509,61.9792,B30,C
+56,1,1,"Woolner, Mr. Hugh",male,,0,0,19947,35.5,C52,S
+57,1,2,"Rugg, Miss. Emily",female,21,0,0,C.A. 31026,10.5,,S
+58,0,3,"Novel, Mr. Mansouer",male,28.5,0,0,2697,7.2292,,C
+59,1,2,"West, Miss. Constance Mirium",female,5,1,2,C.A. 34651,27.75,,S
+60,0,3,"Goodwin, Master. William Frederick",male,11,5,2,CA 2144,46.9,,S
+61,0,3,"Sirayanian, Mr. Orsen",male,22,0,0,2669,7.2292,,C
+62,1,1,"Icard, Miss. Amelie",female,38,0,0,113572,80,B28,
+63,0,1,"Harris, Mr. Henry Birkhardt",male,45,1,0,36973,83.475,C83,S
+64,0,3,"Skoog, Master. Harald",male,4,3,2,347088,27.9,,S
+65,0,1,"Stewart, Mr. Albert A",male,,0,0,PC 17605,27.7208,,C
+66,1,3,"Moubarek, Master. Gerios",male,,1,1,2661,15.2458,,C
+67,1,2,"Nye, Mrs. (Elizabeth Ramell)",female,29,0,0,C.A. 29395,10.5,F33,S
+68,0,3,"Crease, Mr. Ernest James",male,19,0,0,S.P. 3464,8.1583,,S
+69,1,3,"Andersson, Miss. Erna Alexandra",female,17,4,2,3101281,7.925,,S
+70,0,3,"Kink, Mr. Vincenz",male,26,2,0,315151,8.6625,,S
+71,0,2,"Jenkin, Mr. Stephen Curnow",male,32,0,0,C.A. 33111,10.5,,S
+72,0,3,"Goodwin, Miss. Lillian Amy",female,16,5,2,CA 2144,46.9,,S
+73,0,2,"Hood, Mr. Ambrose Jr",male,21,0,0,S.O.C. 14879,73.5,,S
+74,0,3,"Chronopoulos, Mr. Apostolos",male,26,1,0,2680,14.4542,,C
+75,1,3,"Bing, Mr. Lee",male,32,0,0,1601,56.4958,,S
+76,0,3,"Moen, Mr. Sigurd Hansen",male,25,0,0,348123,7.65,F G73,S
+77,0,3,"Staneff, Mr. Ivan",male,,0,0,349208,7.8958,,S
+78,0,3,"Moutal, Mr. Rahamin Haim",male,,0,0,374746,8.05,,S
+79,1,2,"Caldwell, Master. Alden Gates",male,0.83,0,2,248738,29,,S
+80,1,3,"Dowdell, Miss. Elizabeth",female,30,0,0,364516,12.475,,S
+81,0,3,"Waelens, Mr. Achille",male,22,0,0,345767,9,,S
+82,1,3,"Sheerlinck, Mr. Jan Baptist",male,29,0,0,345779,9.5,,S
+83,1,3,"McDermott, Miss. Brigdet Delia",female,,0,0,330932,7.7875,,Q
+84,0,1,"Carrau, Mr. Francisco M",male,28,0,0,113059,47.1,,S
+85,1,2,"Ilett, Miss. Bertha",female,17,0,0,SO/C 14885,10.5,,S
+86,1,3,"Backstrom, Mrs. Karl Alfred (Maria Mathilda Gustafsson)",female,33,3,0,3101278,15.85,,S
+87,0,3,"Ford, Mr. William Neal",male,16,1,3,W./C. 6608,34.375,,S
+88,0,3,"Slocovski, Mr. Selman Francis",male,,0,0,SOTON/OQ 392086,8.05,,S
+89,1,1,"Fortune, Miss. Mabel Helen",female,23,3,2,19950,263,C23 C25 C27,S
+90,0,3,"Celotti, Mr. Francesco",male,24,0,0,343275,8.05,,S
+91,0,3,"Christmann, Mr. Emil",male,29,0,0,343276,8.05,,S
+92,0,3,"Andreasson, Mr. Paul Edvin",male,20,0,0,347466,7.8542,,S
+93,0,1,"Chaffee, Mr. Herbert Fuller",male,46,1,0,W.E.P. 5734,61.175,E31,S
+94,0,3,"Dean, Mr. Bertram Frank",male,26,1,2,C.A. 2315,20.575,,S
+95,0,3,"Coxon, Mr. Daniel",male,59,0,0,364500,7.25,,S
+96,0,3,"Shorney, Mr. Charles Joseph",male,,0,0,374910,8.05,,S
+97,0,1,"Goldschmidt, Mr. George B",male,71,0,0,PC 17754,34.6542,A5,C
+98,1,1,"Greenfield, Mr. William Bertram",male,23,0,1,PC 17759,63.3583,D10 D12,C
+99,1,2,"Doling, Mrs. John T (Ada Julia Bone)",female,34,0,1,231919,23,,S
+100,0,2,"Kantor, Mr. Sinai",male,34,1,0,244367,26,,S
+101,0,3,"Petranec, Miss. Matilda",female,28,0,0,349245,7.8958,,S
+102,0,3,"Petroff, Mr. Pastcho (""Pentcho"")",male,,0,0,349215,7.8958,,S
+103,0,1,"White, Mr. Richard Frasar",male,21,0,1,35281,77.2875,D26,S
+104,0,3,"Johansson, Mr. Gustaf Joel",male,33,0,0,7540,8.6542,,S
+105,0,3,"Gustafsson, Mr. Anders Vilhelm",male,37,2,0,3101276,7.925,,S
+106,0,3,"Mionoff, Mr. Stoytcho",male,28,0,0,349207,7.8958,,S
+107,1,3,"Salkjelsvik, Miss. Anna Kristine",female,21,0,0,343120,7.65,,S
+108,1,3,"Moss, Mr. Albert Johan",male,,0,0,312991,7.775,,S
+109,0,3,"Rekic, Mr. Tido",male,38,0,0,349249,7.8958,,S
+110,1,3,"Moran, Miss. Bertha",female,,1,0,371110,24.15,,Q
+111,0,1,"Porter, Mr. Walter Chamberlain",male,47,0,0,110465,52,C110,S
+112,0,3,"Zabour, Miss. Hileni",female,14.5,1,0,2665,14.4542,,C
+113,0,3,"Barton, Mr. David John",male,22,0,0,324669,8.05,,S
+114,0,3,"Jussila, Miss. Katriina",female,20,1,0,4136,9.825,,S
+115,0,3,"Attalah, Miss. Malake",female,17,0,0,2627,14.4583,,C
+116,0,3,"Pekoniemi, Mr. Edvard",male,21,0,0,STON/O 2. 3101294,7.925,,S
+117,0,3,"Connors, Mr. Patrick",male,70.5,0,0,370369,7.75,,Q
+118,0,2,"Turpin, Mr. William John Robert",male,29,1,0,11668,21,,S
+119,0,1,"Baxter, Mr. Quigg Edmond",male,24,0,1,PC 17558,247.5208,B58 B60,C
+120,0,3,"Andersson, Miss. Ellis Anna Maria",female,2,4,2,347082,31.275,,S
+121,0,2,"Hickman, Mr. Stanley George",male,21,2,0,S.O.C. 14879,73.5,,S
+122,0,3,"Moore, Mr. Leonard Charles",male,,0,0,A4. 54510,8.05,,S
+123,0,2,"Nasser, Mr. Nicholas",male,32.5,1,0,237736,30.0708,,C
+124,1,2,"Webber, Miss. Susan",female,32.5,0,0,27267,13,E101,S
+125,0,1,"White, Mr. Percival Wayland",male,54,0,1,35281,77.2875,D26,S
+126,1,3,"Nicola-Yarred, Master. Elias",male,12,1,0,2651,11.2417,,C
+127,0,3,"McMahon, Mr. Martin",male,,0,0,370372,7.75,,Q
+128,1,3,"Madsen, Mr. Fridtjof Arne",male,24,0,0,C 17369,7.1417,,S
+129,1,3,"Peter, Miss. Anna",female,,1,1,2668,22.3583,F E69,C
+130,0,3,"Ekstrom, Mr. Johan",male,45,0,0,347061,6.975,,S
+131,0,3,"Drazenoic, Mr. Jozef",male,33,0,0,349241,7.8958,,C
+132,0,3,"Coelho, Mr. Domingos Fernandeo",male,20,0,0,SOTON/O.Q. 3101307,7.05,,S
+133,0,3,"Robins, Mrs. Alexander A (Grace Charity Laury)",female,47,1,0,A/5. 3337,14.5,,S
+134,1,2,"Weisz, Mrs. Leopold (Mathilde Francoise Pede)",female,29,1,0,228414,26,,S
+135,0,2,"Sobey, Mr. Samuel James Hayden",male,25,0,0,C.A. 29178,13,,S
+136,0,2,"Richard, Mr. Emile",male,23,0,0,SC/PARIS 2133,15.0458,,C
+137,1,1,"Newsom, Miss. Helen Monypeny",female,19,0,2,11752,26.2833,D47,S
+138,0,1,"Futrelle, Mr. Jacques Heath",male,37,1,0,113803,53.1,C123,S
+139,0,3,"Osen, Mr. Olaf Elon",male,16,0,0,7534,9.2167,,S
+140,0,1,"Giglio, Mr. Victor",male,24,0,0,PC 17593,79.2,B86,C
+141,0,3,"Boulos, Mrs. Joseph (Sultana)",female,,0,2,2678,15.2458,,C
+142,1,3,"Nysten, Miss. Anna Sofia",female,22,0,0,347081,7.75,,S
+143,1,3,"Hakkarainen, Mrs. Pekka Pietari (Elin Matilda Dolck)",female,24,1,0,STON/O2. 3101279,15.85,,S
+144,0,3,"Burke, Mr. Jeremiah",male,19,0,0,365222,6.75,,Q
+145,0,2,"Andrew, Mr. Edgardo Samuel",male,18,0,0,231945,11.5,,S
+146,0,2,"Nicholls, Mr. Joseph Charles",male,19,1,1,C.A. 33112,36.75,,S
+147,1,3,"Andersson, Mr. August Edvard (""Wennerstrom"")",male,27,0,0,350043,7.7958,,S
+148,0,3,"Ford, Miss. Robina Maggie ""Ruby""",female,9,2,2,W./C. 6608,34.375,,S
+149,0,2,"Navratil, Mr. Michel (""Louis M Hoffman"")",male,36.5,0,2,230080,26,F2,S
+150,0,2,"Byles, Rev. Thomas Roussel Davids",male,42,0,0,244310,13,,S
+151,0,2,"Bateman, Rev. Robert James",male,51,0,0,S.O.P. 1166,12.525,,S
+152,1,1,"Pears, Mrs. Thomas (Edith Wearne)",female,22,1,0,113776,66.6,C2,S
+153,0,3,"Meo, Mr. Alfonzo",male,55.5,0,0,A.5. 11206,8.05,,S
+154,0,3,"van Billiard, Mr. Austin Blyler",male,40.5,0,2,A/5. 851,14.5,,S
+155,0,3,"Olsen, Mr. Ole Martin",male,,0,0,Fa 265302,7.3125,,S
+156,0,1,"Williams, Mr. Charles Duane",male,51,0,1,PC 17597,61.3792,,C
+157,1,3,"Gilnagh, Miss. Katherine ""Katie""",female,16,0,0,35851,7.7333,,Q
+158,0,3,"Corn, Mr. Harry",male,30,0,0,SOTON/OQ 392090,8.05,,S
+159,0,3,"Smiljanic, Mr. Mile",male,,0,0,315037,8.6625,,S
+160,0,3,"Sage, Master. Thomas Henry",male,,8,2,CA. 2343,69.55,,S
+161,0,3,"Cribb, Mr. John Hatfield",male,44,0,1,371362,16.1,,S
+162,1,2,"Watt, Mrs. James (Elizabeth ""Bessie"" Inglis Milne)",female,40,0,0,C.A. 33595,15.75,,S
+163,0,3,"Bengtsson, Mr. John Viktor",male,26,0,0,347068,7.775,,S
+164,0,3,"Calic, Mr. Jovo",male,17,0,0,315093,8.6625,,S
+165,0,3,"Panula, Master. Eino Viljami",male,1,4,1,3101295,39.6875,,S
+166,1,3,"Goldsmith, Master. Frank John William ""Frankie""",male,9,0,2,363291,20.525,,S
+167,1,1,"Chibnall, Mrs. (Edith Martha Bowerman)",female,,0,1,113505,55,E33,S
+168,0,3,"Skoog, Mrs. William (Anna Bernhardina Karlsson)",female,45,1,4,347088,27.9,,S
+169,0,1,"Baumann, Mr. John D",male,,0,0,PC 17318,25.925,,S
+170,0,3,"Ling, Mr. Lee",male,28,0,0,1601,56.4958,,S
+171,0,1,"Van der hoef, Mr. Wyckoff",male,61,0,0,111240,33.5,B19,S
+172,0,3,"Rice, Master. Arthur",male,4,4,1,382652,29.125,,Q
+173,1,3,"Johnson, Miss. Eleanor Ileen",female,1,1,1,347742,11.1333,,S
+174,0,3,"Sivola, Mr. Antti Wilhelm",male,21,0,0,STON/O 2. 3101280,7.925,,S
+175,0,1,"Smith, Mr. James Clinch",male,56,0,0,17764,30.6958,A7,C
+176,0,3,"Klasen, Mr. Klas Albin",male,18,1,1,350404,7.8542,,S
+177,0,3,"Lefebre, Master. Henry Forbes",male,,3,1,4133,25.4667,,S
+178,0,1,"Isham, Miss. Ann Elizabeth",female,50,0,0,PC 17595,28.7125,C49,C
+179,0,2,"Hale, Mr. Reginald",male,30,0,0,250653,13,,S
+180,0,3,"Leonard, Mr. Lionel",male,36,0,0,LINE,0,,S
+181,0,3,"Sage, Miss. Constance Gladys",female,,8,2,CA. 2343,69.55,,S
+182,0,2,"Pernot, Mr. Rene",male,,0,0,SC/PARIS 2131,15.05,,C
+183,0,3,"Asplund, Master. Clarence Gustaf Hugo",male,9,4,2,347077,31.3875,,S
+184,1,2,"Becker, Master. Richard F",male,1,2,1,230136,39,F4,S
+185,1,3,"Kink-Heilmann, Miss. Luise Gretchen",female,4,0,2,315153,22.025,,S
+186,0,1,"Rood, Mr. Hugh Roscoe",male,,0,0,113767,50,A32,S
+187,1,3,"O'Brien, Mrs. Thomas (Johanna ""Hannah"" Godfrey)",female,,1,0,370365,15.5,,Q
+188,1,1,"Romaine, Mr. Charles Hallace (""Mr C Rolmane"")",male,45,0,0,111428,26.55,,S
+189,0,3,"Bourke, Mr. John",male,40,1,1,364849,15.5,,Q
+190,0,3,"Turcin, Mr. Stjepan",male,36,0,0,349247,7.8958,,S
+191,1,2,"Pinsky, Mrs. (Rosa)",female,32,0,0,234604,13,,S
+192,0,2,"Carbines, Mr. William",male,19,0,0,28424,13,,S
+193,1,3,"Andersen-Jensen, Miss. Carla Christine Nielsine",female,19,1,0,350046,7.8542,,S
+194,1,2,"Navratil, Master. Michel M",male,3,1,1,230080,26,F2,S
+195,1,1,"Brown, Mrs. James Joseph (Margaret Tobin)",female,44,0,0,PC 17610,27.7208,B4,C
+196,1,1,"Lurette, Miss. Elise",female,58,0,0,PC 17569,146.5208,B80,C
+197,0,3,"Mernagh, Mr. Robert",male,,0,0,368703,7.75,,Q
+198,0,3,"Olsen, Mr. Karl Siegwart Andreas",male,42,0,1,4579,8.4042,,S
+199,1,3,"Madigan, Miss. Margaret ""Maggie""",female,,0,0,370370,7.75,,Q
+200,0,2,"Yrois, Miss. Henriette (""Mrs Harbeck"")",female,24,0,0,248747,13,,S
+201,0,3,"Vande Walle, Mr. Nestor Cyriel",male,28,0,0,345770,9.5,,S
+202,0,3,"Sage, Mr. Frederick",male,,8,2,CA. 2343,69.55,,S
+203,0,3,"Johanson, Mr. Jakob Alfred",male,34,0,0,3101264,6.4958,,S
+204,0,3,"Youseff, Mr. Gerious",male,45.5,0,0,2628,7.225,,C
+205,1,3,"Cohen, Mr. Gurshon ""Gus""",male,18,0,0,A/5 3540,8.05,,S
+206,0,3,"Strom, Miss. Telma Matilda",female,2,0,1,347054,10.4625,G6,S
+207,0,3,"Backstrom, Mr. Karl Alfred",male,32,1,0,3101278,15.85,,S
+208,1,3,"Albimona, Mr. Nassef Cassem",male,26,0,0,2699,18.7875,,C
+209,1,3,"Carr, Miss. Helen ""Ellen""",female,16,0,0,367231,7.75,,Q
+210,1,1,"Blank, Mr. Henry",male,40,0,0,112277,31,A31,C
+211,0,3,"Ali, Mr. Ahmed",male,24,0,0,SOTON/O.Q. 3101311,7.05,,S
+212,1,2,"Cameron, Miss. Clear Annie",female,35,0,0,F.C.C. 13528,21,,S
+213,0,3,"Perkin, Mr. John Henry",male,22,0,0,A/5 21174,7.25,,S
+214,0,2,"Givard, Mr. Hans Kristensen",male,30,0,0,250646,13,,S
+215,0,3,"Kiernan, Mr. Philip",male,,1,0,367229,7.75,,Q
+216,1,1,"Newell, Miss. Madeleine",female,31,1,0,35273,113.275,D36,C
+217,1,3,"Honkanen, Miss. Eliina",female,27,0,0,STON/O2. 3101283,7.925,,S
+218,0,2,"Jacobsohn, Mr. Sidney Samuel",male,42,1,0,243847,27,,S
+219,1,1,"Bazzani, Miss. Albina",female,32,0,0,11813,76.2917,D15,C
+220,0,2,"Harris, Mr. Walter",male,30,0,0,W/C 14208,10.5,,S
+221,1,3,"Sunderland, Mr. Victor Francis",male,16,0,0,SOTON/OQ 392089,8.05,,S
+222,0,2,"Bracken, Mr. James H",male,27,0,0,220367,13,,S
+223,0,3,"Green, Mr. George Henry",male,51,0,0,21440,8.05,,S
+224,0,3,"Nenkoff, Mr. Christo",male,,0,0,349234,7.8958,,S
+225,1,1,"Hoyt, Mr. Frederick Maxfield",male,38,1,0,19943,90,C93,S
+226,0,3,"Berglund, Mr. Karl Ivar Sven",male,22,0,0,PP 4348,9.35,,S
+227,1,2,"Mellors, Mr. William John",male,19,0,0,SW/PP 751,10.5,,S
+228,0,3,"Lovell, Mr. John Hall (""Henry"")",male,20.5,0,0,A/5 21173,7.25,,S
+229,0,2,"Fahlstrom, Mr. Arne Jonas",male,18,0,0,236171,13,,S
+230,0,3,"Lefebre, Miss. Mathilde",female,,3,1,4133,25.4667,,S
+231,1,1,"Harris, Mrs. Henry Birkhardt (Irene Wallach)",female,35,1,0,36973,83.475,C83,S
+232,0,3,"Larsson, Mr. Bengt Edvin",male,29,0,0,347067,7.775,,S
+233,0,2,"Sjostedt, Mr. Ernst Adolf",male,59,0,0,237442,13.5,,S
+234,1,3,"Asplund, Miss. Lillian Gertrud",female,5,4,2,347077,31.3875,,S
+235,0,2,"Leyson, Mr. Robert William Norman",male,24,0,0,C.A. 29566,10.5,,S
+236,0,3,"Harknett, Miss. Alice Phoebe",female,,0,0,W./C. 6609,7.55,,S
+237,0,2,"Hold, Mr. Stephen",male,44,1,0,26707,26,,S
+238,1,2,"Collyer, Miss. Marjorie ""Lottie""",female,8,0,2,C.A. 31921,26.25,,S
+239,0,2,"Pengelly, Mr. Frederick William",male,19,0,0,28665,10.5,,S
+240,0,2,"Hunt, Mr. George Henry",male,33,0,0,SCO/W 1585,12.275,,S
+241,0,3,"Zabour, Miss. Thamine",female,,1,0,2665,14.4542,,C
+242,1,3,"Murphy, Miss. Katherine ""Kate""",female,,1,0,367230,15.5,,Q
+243,0,2,"Coleridge, Mr. Reginald Charles",male,29,0,0,W./C. 14263,10.5,,S
+244,0,3,"Maenpaa, Mr. Matti Alexanteri",male,22,0,0,STON/O 2. 3101275,7.125,,S
+245,0,3,"Attalah, Mr. Sleiman",male,30,0,0,2694,7.225,,C
+246,0,1,"Minahan, Dr. William Edward",male,44,2,0,19928,90,C78,Q
+247,0,3,"Lindahl, Miss. Agda Thorilda Viktoria",female,25,0,0,347071,7.775,,S
+248,1,2,"Hamalainen, Mrs. William (Anna)",female,24,0,2,250649,14.5,,S
+249,1,1,"Beckwith, Mr. Richard Leonard",male,37,1,1,11751,52.5542,D35,S
+250,0,2,"Carter, Rev. Ernest Courtenay",male,54,1,0,244252,26,,S
+251,0,3,"Reed, Mr. James George",male,,0,0,362316,7.25,,S
+252,0,3,"Strom, Mrs. Wilhelm (Elna Matilda Persson)",female,29,1,1,347054,10.4625,G6,S
+253,0,1,"Stead, Mr. William Thomas",male,62,0,0,113514,26.55,C87,S
+254,0,3,"Lobb, Mr. William Arthur",male,30,1,0,A/5. 3336,16.1,,S
+255,0,3,"Rosblom, Mrs. Viktor (Helena Wilhelmina)",female,41,0,2,370129,20.2125,,S
+256,1,3,"Touma, Mrs. Darwis (Hanne Youssef Razi)",female,29,0,2,2650,15.2458,,C
+257,1,1,"Thorne, Mrs. Gertrude Maybelle",female,,0,0,PC 17585,79.2,,C
+258,1,1,"Cherry, Miss. Gladys",female,30,0,0,110152,86.5,B77,S
+259,1,1,"Ward, Miss. Anna",female,35,0,0,PC 17755,512.3292,,C
+260,1,2,"Parrish, Mrs. (Lutie Davis)",female,50,0,1,230433,26,,S
+261,0,3,"Smith, Mr. Thomas",male,,0,0,384461,7.75,,Q
+262,1,3,"Asplund, Master. Edvin Rojj Felix",male,3,4,2,347077,31.3875,,S
+263,0,1,"Taussig, Mr. Emil",male,52,1,1,110413,79.65,E67,S
+264,0,1,"Harrison, Mr. William",male,40,0,0,112059,0,B94,S
+265,0,3,"Henry, Miss. Delia",female,,0,0,382649,7.75,,Q
+266,0,2,"Reeves, Mr. David",male,36,0,0,C.A. 17248,10.5,,S
+267,0,3,"Panula, Mr. Ernesti Arvid",male,16,4,1,3101295,39.6875,,S
+268,1,3,"Persson, Mr. Ernst Ulrik",male,25,1,0,347083,7.775,,S
+269,1,1,"Graham, Mrs. William Thompson (Edith Junkins)",female,58,0,1,PC 17582,153.4625,C125,S
+270,1,1,"Bissette, Miss. Amelia",female,35,0,0,PC 17760,135.6333,C99,S
+271,0,1,"Cairns, Mr. Alexander",male,,0,0,113798,31,,S
+272,1,3,"Tornquist, Mr. William Henry",male,25,0,0,LINE,0,,S
+273,1,2,"Mellinger, Mrs. (Elizabeth Anne Maidment)",female,41,0,1,250644,19.5,,S
+274,0,1,"Natsch, Mr. Charles H",male,37,0,1,PC 17596,29.7,C118,C
+275,1,3,"Healy, Miss. Hanora ""Nora""",female,,0,0,370375,7.75,,Q
+276,1,1,"Andrews, Miss. Kornelia Theodosia",female,63,1,0,13502,77.9583,D7,S
+277,0,3,"Lindblom, Miss. Augusta Charlotta",female,45,0,0,347073,7.75,,S
+278,0,2,"Parkes, Mr. Francis ""Frank""",male,,0,0,239853,0,,S
+279,0,3,"Rice, Master. Eric",male,7,4,1,382652,29.125,,Q
+280,1,3,"Abbott, Mrs. Stanton (Rosa Hunt)",female,35,1,1,C.A. 2673,20.25,,S
+281,0,3,"Duane, Mr. Frank",male,65,0,0,336439,7.75,,Q
+282,0,3,"Olsson, Mr. Nils Johan Goransson",male,28,0,0,347464,7.8542,,S
+283,0,3,"de Pelsmaeker, Mr. Alfons",male,16,0,0,345778,9.5,,S
+284,1,3,"Dorking, Mr. Edward Arthur",male,19,0,0,A/5. 10482,8.05,,S
+285,0,1,"Smith, Mr. Richard William",male,,0,0,113056,26,A19,S
+286,0,3,"Stankovic, Mr. Ivan",male,33,0,0,349239,8.6625,,C
+287,1,3,"de Mulder, Mr. Theodore",male,30,0,0,345774,9.5,,S
+288,0,3,"Naidenoff, Mr. Penko",male,22,0,0,349206,7.8958,,S
+289,1,2,"Hosono, Mr. Masabumi",male,42,0,0,237798,13,,S
+290,1,3,"Connolly, Miss. Kate",female,22,0,0,370373,7.75,,Q
+291,1,1,"Barber, Miss. Ellen ""Nellie""",female,26,0,0,19877,78.85,,S
+292,1,1,"Bishop, Mrs. Dickinson H (Helen Walton)",female,19,1,0,11967,91.0792,B49,C
+293,0,2,"Levy, Mr. Rene Jacques",male,36,0,0,SC/Paris 2163,12.875,D,C
+294,0,3,"Haas, Miss. Aloisia",female,24,0,0,349236,8.85,,S
+295,0,3,"Mineff, Mr. Ivan",male,24,0,0,349233,7.8958,,S
+296,0,1,"Lewy, Mr. Ervin G",male,,0,0,PC 17612,27.7208,,C
+297,0,3,"Hanna, Mr. Mansour",male,23.5,0,0,2693,7.2292,,C
+298,0,1,"Allison, Miss. Helen Loraine",female,2,1,2,113781,151.55,C22 C26,S
+299,1,1,"Saalfeld, Mr. Adolphe",male,,0,0,19988,30.5,C106,S
+300,1,1,"Baxter, Mrs. James (Helene DeLaudeniere Chaput)",female,50,0,1,PC 17558,247.5208,B58 B60,C
+301,1,3,"Kelly, Miss. Anna Katherine ""Annie Kate""",female,,0,0,9234,7.75,,Q
+302,1,3,"McCoy, Mr. Bernard",male,,2,0,367226,23.25,,Q
+303,0,3,"Johnson, Mr. William Cahoone Jr",male,19,0,0,LINE,0,,S
+304,1,2,"Keane, Miss. Nora A",female,,0,0,226593,12.35,E101,Q
+305,0,3,"Williams, Mr. Howard Hugh ""Harry""",male,,0,0,A/5 2466,8.05,,S
+306,1,1,"Allison, Master. Hudson Trevor",male,0.92,1,2,113781,151.55,C22 C26,S
+307,1,1,"Fleming, Miss. Margaret",female,,0,0,17421,110.8833,,C
+308,1,1,"Penasco y Castellana, Mrs. Victor de Satode (Maria Josefa Perez de Soto y Vallejo)",female,17,1,0,PC 17758,108.9,C65,C
+309,0,2,"Abelson, Mr. Samuel",male,30,1,0,P/PP 3381,24,,C
+310,1,1,"Francatelli, Miss. Laura Mabel",female,30,0,0,PC 17485,56.9292,E36,C
+311,1,1,"Hays, Miss. Margaret Bechstein",female,24,0,0,11767,83.1583,C54,C
+312,1,1,"Ryerson, Miss. Emily Borie",female,18,2,2,PC 17608,262.375,B57 B59 B63 B66,C
+313,0,2,"Lahtinen, Mrs. William (Anna Sylfven)",female,26,1,1,250651,26,,S
+314,0,3,"Hendekovic, Mr. Ignjac",male,28,0,0,349243,7.8958,,S
+315,0,2,"Hart, Mr. Benjamin",male,43,1,1,F.C.C. 13529,26.25,,S
+316,1,3,"Nilsson, Miss. Helmina Josefina",female,26,0,0,347470,7.8542,,S
+317,1,2,"Kantor, Mrs. Sinai (Miriam Sternin)",female,24,1,0,244367,26,,S
+318,0,2,"Moraweck, Dr. Ernest",male,54,0,0,29011,14,,S
+319,1,1,"Wick, Miss. Mary Natalie",female,31,0,2,36928,164.8667,C7,S
+320,1,1,"Spedden, Mrs. Frederic Oakley (Margaretta Corning Stone)",female,40,1,1,16966,134.5,E34,C
+321,0,3,"Dennis, Mr. Samuel",male,22,0,0,A/5 21172,7.25,,S
+322,0,3,"Danoff, Mr. Yoto",male,27,0,0,349219,7.8958,,S
+323,1,2,"Slayter, Miss. Hilda Mary",female,30,0,0,234818,12.35,,Q
+324,1,2,"Caldwell, Mrs. Albert Francis (Sylvia Mae Harbaugh)",female,22,1,1,248738,29,,S
+325,0,3,"Sage, Mr. George John Jr",male,,8,2,CA. 2343,69.55,,S
+326,1,1,"Young, Miss. Marie Grice",female,36,0,0,PC 17760,135.6333,C32,C
+327,0,3,"Nysveen, Mr. Johan Hansen",male,61,0,0,345364,6.2375,,S
+328,1,2,"Ball, Mrs. (Ada E Hall)",female,36,0,0,28551,13,D,S
+329,1,3,"Goldsmith, Mrs. Frank John (Emily Alice Brown)",female,31,1,1,363291,20.525,,S
+330,1,1,"Hippach, Miss. Jean Gertrude",female,16,0,1,111361,57.9792,B18,C
+331,1,3,"McCoy, Miss. Agnes",female,,2,0,367226,23.25,,Q
+332,0,1,"Partner, Mr. Austen",male,45.5,0,0,113043,28.5,C124,S
+333,0,1,"Graham, Mr. George Edward",male,38,0,1,PC 17582,153.4625,C91,S
+334,0,3,"Vander Planke, Mr. Leo Edmondus",male,16,2,0,345764,18,,S
+335,1,1,"Frauenthal, Mrs. Henry William (Clara Heinsheimer)",female,,1,0,PC 17611,133.65,,S
+336,0,3,"Denkoff, Mr. Mitto",male,,0,0,349225,7.8958,,S
+337,0,1,"Pears, Mr. Thomas Clinton",male,29,1,0,113776,66.6,C2,S
+338,1,1,"Burns, Miss. Elizabeth Margaret",female,41,0,0,16966,134.5,E40,C
+339,1,3,"Dahl, Mr. Karl Edwart",male,45,0,0,7598,8.05,,S
+340,0,1,"Blackwell, Mr. Stephen Weart",male,45,0,0,113784,35.5,T,S
+341,1,2,"Navratil, Master. Edmond Roger",male,2,1,1,230080,26,F2,S
+342,1,1,"Fortune, Miss. Alice Elizabeth",female,24,3,2,19950,263,C23 C25 C27,S
+343,0,2,"Collander, Mr. Erik Gustaf",male,28,0,0,248740,13,,S
+344,0,2,"Sedgwick, Mr. Charles Frederick Waddington",male,25,0,0,244361,13,,S
+345,0,2,"Fox, Mr. Stanley Hubert",male,36,0,0,229236,13,,S
+346,1,2,"Brown, Miss. Amelia ""Mildred""",female,24,0,0,248733,13,F33,S
+347,1,2,"Smith, Miss. Marion Elsie",female,40,0,0,31418,13,,S
+348,1,3,"Davison, Mrs. Thomas Henry (Mary E Finck)",female,,1,0,386525,16.1,,S
+349,1,3,"Coutts, Master. William Loch ""William""",male,3,1,1,C.A. 37671,15.9,,S
+350,0,3,"Dimic, Mr. Jovan",male,42,0,0,315088,8.6625,,S
+351,0,3,"Odahl, Mr. Nils Martin",male,23,0,0,7267,9.225,,S
+352,0,1,"Williams-Lambert, Mr. Fletcher Fellows",male,,0,0,113510,35,C128,S
+353,0,3,"Elias, Mr. Tannous",male,15,1,1,2695,7.2292,,C
+354,0,3,"Arnold-Franchi, Mr. Josef",male,25,1,0,349237,17.8,,S
+355,0,3,"Yousif, Mr. Wazli",male,,0,0,2647,7.225,,C
+356,0,3,"Vanden Steen, Mr. Leo Peter",male,28,0,0,345783,9.5,,S
+357,1,1,"Bowerman, Miss. Elsie Edith",female,22,0,1,113505,55,E33,S
+358,0,2,"Funk, Miss. Annie Clemmer",female,38,0,0,237671,13,,S
+359,1,3,"McGovern, Miss. Mary",female,,0,0,330931,7.8792,,Q
+360,1,3,"Mockler, Miss. Helen Mary ""Ellie""",female,,0,0,330980,7.8792,,Q
+361,0,3,"Skoog, Mr. Wilhelm",male,40,1,4,347088,27.9,,S
+362,0,2,"del Carlo, Mr. Sebastiano",male,29,1,0,SC/PARIS 2167,27.7208,,C
+363,0,3,"Barbara, Mrs. (Catherine David)",female,45,0,1,2691,14.4542,,C
+364,0,3,"Asim, Mr. Adola",male,35,0,0,SOTON/O.Q. 3101310,7.05,,S
+365,0,3,"O'Brien, Mr. Thomas",male,,1,0,370365,15.5,,Q
+366,0,3,"Adahl, Mr. Mauritz Nils Martin",male,30,0,0,C 7076,7.25,,S
+367,1,1,"Warren, Mrs. Frank Manley (Anna Sophia Atkinson)",female,60,1,0,110813,75.25,D37,C
+368,1,3,"Moussa, Mrs. (Mantoura Boulos)",female,,0,0,2626,7.2292,,C
+369,1,3,"Jermyn, Miss. Annie",female,,0,0,14313,7.75,,Q
+370,1,1,"Aubart, Mme. Leontine Pauline",female,24,0,0,PC 17477,69.3,B35,C
+371,1,1,"Harder, Mr. George Achilles",male,25,1,0,11765,55.4417,E50,C
+372,0,3,"Wiklund, Mr. Jakob Alfred",male,18,1,0,3101267,6.4958,,S
+373,0,3,"Beavan, Mr. William Thomas",male,19,0,0,323951,8.05,,S
+374,0,1,"Ringhini, Mr. Sante",male,22,0,0,PC 17760,135.6333,,C
+375,0,3,"Palsson, Miss. Stina Viola",female,3,3,1,349909,21.075,,S
+376,1,1,"Meyer, Mrs. Edgar Joseph (Leila Saks)",female,,1,0,PC 17604,82.1708,,C
+377,1,3,"Landergren, Miss. Aurora Adelia",female,22,0,0,C 7077,7.25,,S
+378,0,1,"Widener, Mr. Harry Elkins",male,27,0,2,113503,211.5,C82,C
+379,0,3,"Betros, Mr. Tannous",male,20,0,0,2648,4.0125,,C
+380,0,3,"Gustafsson, Mr. Karl Gideon",male,19,0,0,347069,7.775,,S
+381,1,1,"Bidois, Miss. Rosalie",female,42,0,0,PC 17757,227.525,,C
+382,1,3,"Nakid, Miss. Maria (""Mary"")",female,1,0,2,2653,15.7417,,C
+383,0,3,"Tikkanen, Mr. Juho",male,32,0,0,STON/O 2. 3101293,7.925,,S
+384,1,1,"Holverson, Mrs. Alexander Oskar (Mary Aline Towner)",female,35,1,0,113789,52,,S
+385,0,3,"Plotcharsky, Mr. Vasil",male,,0,0,349227,7.8958,,S
+386,0,2,"Davies, Mr. Charles Henry",male,18,0,0,S.O.C. 14879,73.5,,S
+387,0,3,"Goodwin, Master. Sidney Leonard",male,1,5,2,CA 2144,46.9,,S
+388,1,2,"Buss, Miss. Kate",female,36,0,0,27849,13,,S
+389,0,3,"Sadlier, Mr. Matthew",male,,0,0,367655,7.7292,,Q
+390,1,2,"Lehmann, Miss. Bertha",female,17,0,0,SC 1748,12,,C
+391,1,1,"Carter, Mr. William Ernest",male,36,1,2,113760,120,B96 B98,S
+392,1,3,"Jansson, Mr. Carl Olof",male,21,0,0,350034,7.7958,,S
+393,0,3,"Gustafsson, Mr. Johan Birger",male,28,2,0,3101277,7.925,,S
+394,1,1,"Newell, Miss. Marjorie",female,23,1,0,35273,113.275,D36,C
+395,1,3,"Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)",female,24,0,2,PP 9549,16.7,G6,S
+396,0,3,"Johansson, Mr. Erik",male,22,0,0,350052,7.7958,,S
+397,0,3,"Olsson, Miss. Elina",female,31,0,0,350407,7.8542,,S
+398,0,2,"McKane, Mr. Peter David",male,46,0,0,28403,26,,S
+399,0,2,"Pain, Dr. Alfred",male,23,0,0,244278,10.5,,S
+400,1,2,"Trout, Mrs. William H (Jessie L)",female,28,0,0,240929,12.65,,S
+401,1,3,"Niskanen, Mr. Juha",male,39,0,0,STON/O 2. 3101289,7.925,,S
+402,0,3,"Adams, Mr. John",male,26,0,0,341826,8.05,,S
+403,0,3,"Jussila, Miss. Mari Aina",female,21,1,0,4137,9.825,,S
+404,0,3,"Hakkarainen, Mr. Pekka Pietari",male,28,1,0,STON/O2. 3101279,15.85,,S
+405,0,3,"Oreskovic, Miss. Marija",female,20,0,0,315096,8.6625,,S
+406,0,2,"Gale, Mr. Shadrach",male,34,1,0,28664,21,,S
+407,0,3,"Widegren, Mr. Carl/Charles Peter",male,51,0,0,347064,7.75,,S
+408,1,2,"Richards, Master. William Rowe",male,3,1,1,29106,18.75,,S
+409,0,3,"Birkeland, Mr. Hans Martin Monsen",male,21,0,0,312992,7.775,,S
+410,0,3,"Lefebre, Miss. Ida",female,,3,1,4133,25.4667,,S
+411,0,3,"Sdycoff, Mr. Todor",male,,0,0,349222,7.8958,,S
+412,0,3,"Hart, Mr. Henry",male,,0,0,394140,6.8583,,Q
+413,1,1,"Minahan, Miss. Daisy E",female,33,1,0,19928,90,C78,Q
+414,0,2,"Cunningham, Mr. Alfred Fleming",male,,0,0,239853,0,,S
+415,1,3,"Sundman, Mr. Johan Julian",male,44,0,0,STON/O 2. 3101269,7.925,,S
+416,0,3,"Meek, Mrs. Thomas (Annie Louise Rowley)",female,,0,0,343095,8.05,,S
+417,1,2,"Drew, Mrs. James Vivian (Lulu Thorne Christian)",female,34,1,1,28220,32.5,,S
+418,1,2,"Silven, Miss. Lyyli Karoliina",female,18,0,2,250652,13,,S
+419,0,2,"Matthews, Mr. William John",male,30,0,0,28228,13,,S
+420,0,3,"Van Impe, Miss. Catharina",female,10,0,2,345773,24.15,,S
+421,0,3,"Gheorgheff, Mr. Stanio",male,,0,0,349254,7.8958,,C
+422,0,3,"Charters, Mr. David",male,21,0,0,A/5. 13032,7.7333,,Q
+423,0,3,"Zimmerman, Mr. Leo",male,29,0,0,315082,7.875,,S
+424,0,3,"Danbom, Mrs. Ernst Gilbert (Anna Sigrid Maria Brogren)",female,28,1,1,347080,14.4,,S
+425,0,3,"Rosblom, Mr. Viktor Richard",male,18,1,1,370129,20.2125,,S
+426,0,3,"Wiseman, Mr. Phillippe",male,,0,0,A/4. 34244,7.25,,S
+427,1,2,"Clarke, Mrs. Charles V (Ada Maria Winfield)",female,28,1,0,2003,26,,S
+428,1,2,"Phillips, Miss. Kate Florence (""Mrs Kate Louise Phillips Marshall"")",female,19,0,0,250655,26,,S
+429,0,3,"Flynn, Mr. James",male,,0,0,364851,7.75,,Q
+430,1,3,"Pickard, Mr. Berk (Berk Trembisky)",male,32,0,0,SOTON/O.Q. 392078,8.05,E10,S
+431,1,1,"Bjornstrom-Steffansson, Mr. Mauritz Hakan",male,28,0,0,110564,26.55,C52,S
+432,1,3,"Thorneycroft, Mrs. Percival (Florence Kate White)",female,,1,0,376564,16.1,,S
+433,1,2,"Louch, Mrs. Charles Alexander (Alice Adelaide Slow)",female,42,1,0,SC/AH 3085,26,,S
+434,0,3,"Kallio, Mr. Nikolai Erland",male,17,0,0,STON/O 2. 3101274,7.125,,S
+435,0,1,"Silvey, Mr. William Baird",male,50,1,0,13507,55.9,E44,S
+436,1,1,"Carter, Miss. Lucile Polk",female,14,1,2,113760,120,B96 B98,S
+437,0,3,"Ford, Miss. Doolina Margaret ""Daisy""",female,21,2,2,W./C. 6608,34.375,,S
+438,1,2,"Richards, Mrs. Sidney (Emily Hocking)",female,24,2,3,29106,18.75,,S
+439,0,1,"Fortune, Mr. Mark",male,64,1,4,19950,263,C23 C25 C27,S
+440,0,2,"Kvillner, Mr. Johan Henrik Johannesson",male,31,0,0,C.A. 18723,10.5,,S
+441,1,2,"Hart, Mrs. Benjamin (Esther Ada Bloomfield)",female,45,1,1,F.C.C. 13529,26.25,,S
+442,0,3,"Hampe, Mr. Leon",male,20,0,0,345769,9.5,,S
+443,0,3,"Petterson, Mr. Johan Emil",male,25,1,0,347076,7.775,,S
+444,1,2,"Reynaldo, Ms. Encarnacion",female,28,0,0,230434,13,,S
+445,1,3,"Johannesen-Bratthammer, Mr. Bernt",male,,0,0,65306,8.1125,,S
+446,1,1,"Dodge, Master. Washington",male,4,0,2,33638,81.8583,A34,S
+447,1,2,"Mellinger, Miss. Madeleine Violet",female,13,0,1,250644,19.5,,S
+448,1,1,"Seward, Mr. Frederic Kimber",male,34,0,0,113794,26.55,,S
+449,1,3,"Baclini, Miss. Marie Catherine",female,5,2,1,2666,19.2583,,C
+450,1,1,"Peuchen, Major. Arthur Godfrey",male,52,0,0,113786,30.5,C104,S
+451,0,2,"West, Mr. Edwy Arthur",male,36,1,2,C.A. 34651,27.75,,S
+452,0,3,"Hagland, Mr. Ingvald Olai Olsen",male,,1,0,65303,19.9667,,S
+453,0,1,"Foreman, Mr. Benjamin Laventall",male,30,0,0,113051,27.75,C111,C
+454,1,1,"Goldenberg, Mr. Samuel L",male,49,1,0,17453,89.1042,C92,C
+455,0,3,"Peduzzi, Mr. Joseph",male,,0,0,A/5 2817,8.05,,S
+456,1,3,"Jalsevac, Mr. Ivan",male,29,0,0,349240,7.8958,,C
+457,0,1,"Millet, Mr. Francis Davis",male,65,0,0,13509,26.55,E38,S
+458,1,1,"Kenyon, Mrs. Frederick R (Marion)",female,,1,0,17464,51.8625,D21,S
+459,1,2,"Toomey, Miss. Ellen",female,50,0,0,F.C.C. 13531,10.5,,S
+460,0,3,"O'Connor, Mr. Maurice",male,,0,0,371060,7.75,,Q
+461,1,1,"Anderson, Mr. Harry",male,48,0,0,19952,26.55,E12,S
+462,0,3,"Morley, Mr. William",male,34,0,0,364506,8.05,,S
+463,0,1,"Gee, Mr. Arthur H",male,47,0,0,111320,38.5,E63,S
+464,0,2,"Milling, Mr. Jacob Christian",male,48,0,0,234360,13,,S
+465,0,3,"Maisner, Mr. Simon",male,,0,0,A/S 2816,8.05,,S
+466,0,3,"Goncalves, Mr. Manuel Estanslas",male,38,0,0,SOTON/O.Q. 3101306,7.05,,S
+467,0,2,"Campbell, Mr. William",male,,0,0,239853,0,,S
+468,0,1,"Smart, Mr. John Montgomery",male,56,0,0,113792,26.55,,S
+469,0,3,"Scanlan, Mr. James",male,,0,0,36209,7.725,,Q
+470,1,3,"Baclini, Miss. Helene Barbara",female,0.75,2,1,2666,19.2583,,C
+471,0,3,"Keefe, Mr. Arthur",male,,0,0,323592,7.25,,S
+472,0,3,"Cacic, Mr. Luka",male,38,0,0,315089,8.6625,,S
+473,1,2,"West, Mrs. Edwy Arthur (Ada Mary Worth)",female,33,1,2,C.A. 34651,27.75,,S
+474,1,2,"Jerwan, Mrs. Amin S (Marie Marthe Thuillard)",female,23,0,0,SC/AH Basle 541,13.7917,D,C
+475,0,3,"Strandberg, Miss. Ida Sofia",female,22,0,0,7553,9.8375,,S
+476,0,1,"Clifford, Mr. George Quincy",male,,0,0,110465,52,A14,S
+477,0,2,"Renouf, Mr. Peter Henry",male,34,1,0,31027,21,,S
+478,0,3,"Braund, Mr. Lewis Richard",male,29,1,0,3460,7.0458,,S
+479,0,3,"Karlsson, Mr. Nils August",male,22,0,0,350060,7.5208,,S
+480,1,3,"Hirvonen, Miss. Hildur E",female,2,0,1,3101298,12.2875,,S
+481,0,3,"Goodwin, Master. Harold Victor",male,9,5,2,CA 2144,46.9,,S
+482,0,2,"Frost, Mr. Anthony Wood ""Archie""",male,,0,0,239854,0,,S
+483,0,3,"Rouse, Mr. Richard Henry",male,50,0,0,A/5 3594,8.05,,S
+484,1,3,"Turkula, Mrs. (Hedwig)",female,63,0,0,4134,9.5875,,S
+485,1,1,"Bishop, Mr. Dickinson H",male,25,1,0,11967,91.0792,B49,C
+486,0,3,"Lefebre, Miss. Jeannie",female,,3,1,4133,25.4667,,S
+487,1,1,"Hoyt, Mrs. Frederick Maxfield (Jane Anne Forby)",female,35,1,0,19943,90,C93,S
+488,0,1,"Kent, Mr. Edward Austin",male,58,0,0,11771,29.7,B37,C
+489,0,3,"Somerton, Mr. Francis William",male,30,0,0,A.5. 18509,8.05,,S
+490,1,3,"Coutts, Master. Eden Leslie ""Neville""",male,9,1,1,C.A. 37671,15.9,,S
+491,0,3,"Hagland, Mr. Konrad Mathias Reiersen",male,,1,0,65304,19.9667,,S
+492,0,3,"Windelov, Mr. Einar",male,21,0,0,SOTON/OQ 3101317,7.25,,S
+493,0,1,"Molson, Mr. Harry Markland",male,55,0,0,113787,30.5,C30,S
+494,0,1,"Artagaveytia, Mr. Ramon",male,71,0,0,PC 17609,49.5042,,C
+495,0,3,"Stanley, Mr. Edward Roland",male,21,0,0,A/4 45380,8.05,,S
+496,0,3,"Yousseff, Mr. Gerious",male,,0,0,2627,14.4583,,C
+497,1,1,"Eustis, Miss. Elizabeth Mussey",female,54,1,0,36947,78.2667,D20,C
+498,0,3,"Shellard, Mr. Frederick William",male,,0,0,C.A. 6212,15.1,,S
+499,0,1,"Allison, Mrs. Hudson J C (Bessie Waldo Daniels)",female,25,1,2,113781,151.55,C22 C26,S
+500,0,3,"Svensson, Mr. Olof",male,24,0,0,350035,7.7958,,S
+501,0,3,"Calic, Mr. Petar",male,17,0,0,315086,8.6625,,S
+502,0,3,"Canavan, Miss. Mary",female,21,0,0,364846,7.75,,Q
+503,0,3,"O'Sullivan, Miss. Bridget Mary",female,,0,0,330909,7.6292,,Q
+504,0,3,"Laitinen, Miss. Kristina Sofia",female,37,0,0,4135,9.5875,,S
+505,1,1,"Maioni, Miss. Roberta",female,16,0,0,110152,86.5,B79,S
+506,0,1,"Penasco y Castellana, Mr. Victor de Satode",male,18,1,0,PC 17758,108.9,C65,C
+507,1,2,"Quick, Mrs. Frederick Charles (Jane Richards)",female,33,0,2,26360,26,,S
+508,1,1,"Bradley, Mr. George (""George Arthur Brayton"")",male,,0,0,111427,26.55,,S
+509,0,3,"Olsen, Mr. Henry Margido",male,28,0,0,C 4001,22.525,,S
+510,1,3,"Lang, Mr. Fang",male,26,0,0,1601,56.4958,,S
+511,1,3,"Daly, Mr. Eugene Patrick",male,29,0,0,382651,7.75,,Q
+512,0,3,"Webber, Mr. James",male,,0,0,SOTON/OQ 3101316,8.05,,S
+513,1,1,"McGough, Mr. James Robert",male,36,0,0,PC 17473,26.2875,E25,S
+514,1,1,"Rothschild, Mrs. Martin (Elizabeth L. Barrett)",female,54,1,0,PC 17603,59.4,,C
+515,0,3,"Coleff, Mr. Satio",male,24,0,0,349209,7.4958,,S
+516,0,1,"Walker, Mr. William Anderson",male,47,0,0,36967,34.0208,D46,S
+517,1,2,"Lemore, Mrs. (Amelia Milley)",female,34,0,0,C.A. 34260,10.5,F33,S
+518,0,3,"Ryan, Mr. Patrick",male,,0,0,371110,24.15,,Q
+519,1,2,"Angle, Mrs. William A (Florence ""Mary"" Agnes Hughes)",female,36,1,0,226875,26,,S
+520,0,3,"Pavlovic, Mr. Stefo",male,32,0,0,349242,7.8958,,S
+521,1,1,"Perreault, Miss. Anne",female,30,0,0,12749,93.5,B73,S
+522,0,3,"Vovk, Mr. Janko",male,22,0,0,349252,7.8958,,S
+523,0,3,"Lahoud, Mr. Sarkis",male,,0,0,2624,7.225,,C
+524,1,1,"Hippach, Mrs. Louis Albert (Ida Sophia Fischer)",female,44,0,1,111361,57.9792,B18,C
+525,0,3,"Kassem, Mr. Fared",male,,0,0,2700,7.2292,,C
+526,0,3,"Farrell, Mr. James",male,40.5,0,0,367232,7.75,,Q
+527,1,2,"Ridsdale, Miss. Lucy",female,50,0,0,W./C. 14258,10.5,,S
+528,0,1,"Farthing, Mr. John",male,,0,0,PC 17483,221.7792,C95,S
+529,0,3,"Salonen, Mr. Johan Werner",male,39,0,0,3101296,7.925,,S
+530,0,2,"Hocking, Mr. Richard George",male,23,2,1,29104,11.5,,S
+531,1,2,"Quick, Miss. Phyllis May",female,2,1,1,26360,26,,S
+532,0,3,"Toufik, Mr. Nakli",male,,0,0,2641,7.2292,,C
+533,0,3,"Elias, Mr. Joseph Jr",male,17,1,1,2690,7.2292,,C
+534,1,3,"Peter, Mrs. Catherine (Catherine Rizk)",female,,0,2,2668,22.3583,,C
+535,0,3,"Cacic, Miss. Marija",female,30,0,0,315084,8.6625,,S
+536,1,2,"Hart, Miss. Eva Miriam",female,7,0,2,F.C.C. 13529,26.25,,S
+537,0,1,"Butt, Major. Archibald Willingham",male,45,0,0,113050,26.55,B38,S
+538,1,1,"LeRoy, Miss. Bertha",female,30,0,0,PC 17761,106.425,,C
+539,0,3,"Risien, Mr. Samuel Beard",male,,0,0,364498,14.5,,S
+540,1,1,"Frolicher, Miss. Hedwig Margaritha",female,22,0,2,13568,49.5,B39,C
+541,1,1,"Crosby, Miss. Harriet R",female,36,0,2,WE/P 5735,71,B22,S
+542,0,3,"Andersson, Miss. Ingeborg Constanzia",female,9,4,2,347082,31.275,,S
+543,0,3,"Andersson, Miss. Sigrid Elisabeth",female,11,4,2,347082,31.275,,S
+544,1,2,"Beane, Mr. Edward",male,32,1,0,2908,26,,S
+545,0,1,"Douglas, Mr. Walter Donald",male,50,1,0,PC 17761,106.425,C86,C
+546,0,1,"Nicholson, Mr. Arthur Ernest",male,64,0,0,693,26,,S
+547,1,2,"Beane, Mrs. Edward (Ethel Clarke)",female,19,1,0,2908,26,,S
+548,1,2,"Padro y Manent, Mr. Julian",male,,0,0,SC/PARIS 2146,13.8625,,C
+549,0,3,"Goldsmith, Mr. Frank John",male,33,1,1,363291,20.525,,S
+550,1,2,"Davies, Master. John Morgan Jr",male,8,1,1,C.A. 33112,36.75,,S
+551,1,1,"Thayer, Mr. John Borland Jr",male,17,0,2,17421,110.8833,C70,C
+552,0,2,"Sharp, Mr. Percival James R",male,27,0,0,244358,26,,S
+553,0,3,"O'Brien, Mr. Timothy",male,,0,0,330979,7.8292,,Q
+554,1,3,"Leeni, Mr. Fahim (""Philip Zenni"")",male,22,0,0,2620,7.225,,C
+555,1,3,"Ohman, Miss. Velin",female,22,0,0,347085,7.775,,S
+556,0,1,"Wright, Mr. George",male,62,0,0,113807,26.55,,S
+557,1,1,"Duff Gordon, Lady. (Lucille Christiana Sutherland) (""Mrs Morgan"")",female,48,1,0,11755,39.6,A16,C
+558,0,1,"Robbins, Mr. Victor",male,,0,0,PC 17757,227.525,,C
+559,1,1,"Taussig, Mrs. Emil (Tillie Mandelbaum)",female,39,1,1,110413,79.65,E67,S
+560,1,3,"de Messemaeker, Mrs. Guillaume Joseph (Emma)",female,36,1,0,345572,17.4,,S
+561,0,3,"Morrow, Mr. Thomas Rowan",male,,0,0,372622,7.75,,Q
+562,0,3,"Sivic, Mr. Husein",male,40,0,0,349251,7.8958,,S
+563,0,2,"Norman, Mr. Robert Douglas",male,28,0,0,218629,13.5,,S
+564,0,3,"Simmons, Mr. John",male,,0,0,SOTON/OQ 392082,8.05,,S
+565,0,3,"Meanwell, Miss. (Marion Ogden)",female,,0,0,SOTON/O.Q. 392087,8.05,,S
+566,0,3,"Davies, Mr. Alfred J",male,24,2,0,A/4 48871,24.15,,S
+567,0,3,"Stoytcheff, Mr. Ilia",male,19,0,0,349205,7.8958,,S
+568,0,3,"Palsson, Mrs. Nils (Alma Cornelia Berglund)",female,29,0,4,349909,21.075,,S
+569,0,3,"Doharr, Mr. Tannous",male,,0,0,2686,7.2292,,C
+570,1,3,"Jonsson, Mr. Carl",male,32,0,0,350417,7.8542,,S
+571,1,2,"Harris, Mr. George",male,62,0,0,S.W./PP 752,10.5,,S
+572,1,1,"Appleton, Mrs. Edward Dale (Charlotte Lamson)",female,53,2,0,11769,51.4792,C101,S
+573,1,1,"Flynn, Mr. John Irwin (""Irving"")",male,36,0,0,PC 17474,26.3875,E25,S
+574,1,3,"Kelly, Miss. Mary",female,,0,0,14312,7.75,,Q
+575,0,3,"Rush, Mr. Alfred George John",male,16,0,0,A/4. 20589,8.05,,S
+576,0,3,"Patchett, Mr. George",male,19,0,0,358585,14.5,,S
+577,1,2,"Garside, Miss. Ethel",female,34,0,0,243880,13,,S
+578,1,1,"Silvey, Mrs. William Baird (Alice Munger)",female,39,1,0,13507,55.9,E44,S
+579,0,3,"Caram, Mrs. Joseph (Maria Elias)",female,,1,0,2689,14.4583,,C
+580,1,3,"Jussila, Mr. Eiriik",male,32,0,0,STON/O 2. 3101286,7.925,,S
+581,1,2,"Christy, Miss. Julie Rachel",female,25,1,1,237789,30,,S
+582,1,1,"Thayer, Mrs. John Borland (Marian Longstreth Morris)",female,39,1,1,17421,110.8833,C68,C
+583,0,2,"Downton, Mr. William James",male,54,0,0,28403,26,,S
+584,0,1,"Ross, Mr. John Hugo",male,36,0,0,13049,40.125,A10,C
+585,0,3,"Paulner, Mr. Uscher",male,,0,0,3411,8.7125,,C
+586,1,1,"Taussig, Miss. Ruth",female,18,0,2,110413,79.65,E68,S
+587,0,2,"Jarvis, Mr. John Denzil",male,47,0,0,237565,15,,S
+588,1,1,"Frolicher-Stehli, Mr. Maxmillian",male,60,1,1,13567,79.2,B41,C
+589,0,3,"Gilinski, Mr. Eliezer",male,22,0,0,14973,8.05,,S
+590,0,3,"Murdlin, Mr. Joseph",male,,0,0,A./5. 3235,8.05,,S
+591,0,3,"Rintamaki, Mr. Matti",male,35,0,0,STON/O 2. 3101273,7.125,,S
+592,1,1,"Stephenson, Mrs. Walter Bertram (Martha Eustis)",female,52,1,0,36947,78.2667,D20,C
+593,0,3,"Elsbury, Mr. William James",male,47,0,0,A/5 3902,7.25,,S
+594,0,3,"Bourke, Miss. Mary",female,,0,2,364848,7.75,,Q
+595,0,2,"Chapman, Mr. John Henry",male,37,1,0,SC/AH 29037,26,,S
+596,0,3,"Van Impe, Mr. Jean Baptiste",male,36,1,1,345773,24.15,,S
+597,1,2,"Leitch, Miss. Jessie Wills",female,,0,0,248727,33,,S
+598,0,3,"Johnson, Mr. Alfred",male,49,0,0,LINE,0,,S
+599,0,3,"Boulos, Mr. Hanna",male,,0,0,2664,7.225,,C
+600,1,1,"Duff Gordon, Sir. Cosmo Edmund (""Mr Morgan"")",male,49,1,0,PC 17485,56.9292,A20,C
+601,1,2,"Jacobsohn, Mrs. Sidney Samuel (Amy Frances Christy)",female,24,2,1,243847,27,,S
+602,0,3,"Slabenoff, Mr. Petco",male,,0,0,349214,7.8958,,S
+603,0,1,"Harrington, Mr. Charles H",male,,0,0,113796,42.4,,S
+604,0,3,"Torber, Mr. Ernst William",male,44,0,0,364511,8.05,,S
+605,1,1,"Homer, Mr. Harry (""Mr E Haven"")",male,35,0,0,111426,26.55,,C
+606,0,3,"Lindell, Mr. Edvard Bengtsson",male,36,1,0,349910,15.55,,S
+607,0,3,"Karaic, Mr. Milan",male,30,0,0,349246,7.8958,,S
+608,1,1,"Daniel, Mr. Robert Williams",male,27,0,0,113804,30.5,,S
+609,1,2,"Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)",female,22,1,2,SC/Paris 2123,41.5792,,C
+610,1,1,"Shutes, Miss. Elizabeth W",female,40,0,0,PC 17582,153.4625,C125,S
+611,0,3,"Andersson, Mrs. Anders Johan (Alfrida Konstantia Brogren)",female,39,1,5,347082,31.275,,S
+612,0,3,"Jardin, Mr. Jose Neto",male,,0,0,SOTON/O.Q. 3101305,7.05,,S
+613,1,3,"Murphy, Miss. Margaret Jane",female,,1,0,367230,15.5,,Q
+614,0,3,"Horgan, Mr. John",male,,0,0,370377,7.75,,Q
+615,0,3,"Brocklebank, Mr. William Alfred",male,35,0,0,364512,8.05,,S
+616,1,2,"Herman, Miss. Alice",female,24,1,2,220845,65,,S
+617,0,3,"Danbom, Mr. Ernst Gilbert",male,34,1,1,347080,14.4,,S
+618,0,3,"Lobb, Mrs. William Arthur (Cordelia K Stanlick)",female,26,1,0,A/5. 3336,16.1,,S
+619,1,2,"Becker, Miss. Marion Louise",female,4,2,1,230136,39,F4,S
+620,0,2,"Gavey, Mr. Lawrence",male,26,0,0,31028,10.5,,S
+621,0,3,"Yasbeck, Mr. Antoni",male,27,1,0,2659,14.4542,,C
+622,1,1,"Kimball, Mr. Edwin Nelson Jr",male,42,1,0,11753,52.5542,D19,S
+623,1,3,"Nakid, Mr. Sahid",male,20,1,1,2653,15.7417,,C
+624,0,3,"Hansen, Mr. Henry Damsgaard",male,21,0,0,350029,7.8542,,S
+625,0,3,"Bowen, Mr. David John ""Dai""",male,21,0,0,54636,16.1,,S
+626,0,1,"Sutton, Mr. Frederick",male,61,0,0,36963,32.3208,D50,S
+627,0,2,"Kirkland, Rev. Charles Leonard",male,57,0,0,219533,12.35,,Q
+628,1,1,"Longley, Miss. Gretchen Fiske",female,21,0,0,13502,77.9583,D9,S
+629,0,3,"Bostandyeff, Mr. Guentcho",male,26,0,0,349224,7.8958,,S
+630,0,3,"O'Connell, Mr. Patrick D",male,,0,0,334912,7.7333,,Q
+631,1,1,"Barkworth, Mr. Algernon Henry Wilson",male,80,0,0,27042,30,A23,S
+632,0,3,"Lundahl, Mr. Johan Svensson",male,51,0,0,347743,7.0542,,S
+633,1,1,"Stahelin-Maeglin, Dr. Max",male,32,0,0,13214,30.5,B50,C
+634,0,1,"Parr, Mr. William Henry Marsh",male,,0,0,112052,0,,S
+635,0,3,"Skoog, Miss. Mabel",female,9,3,2,347088,27.9,,S
+636,1,2,"Davis, Miss. Mary",female,28,0,0,237668,13,,S
+637,0,3,"Leinonen, Mr. Antti Gustaf",male,32,0,0,STON/O 2. 3101292,7.925,,S
+638,0,2,"Collyer, Mr. Harvey",male,31,1,1,C.A. 31921,26.25,,S
+639,0,3,"Panula, Mrs. Juha (Maria Emilia Ojala)",female,41,0,5,3101295,39.6875,,S
+640,0,3,"Thorneycroft, Mr. Percival",male,,1,0,376564,16.1,,S
+641,0,3,"Jensen, Mr. Hans Peder",male,20,0,0,350050,7.8542,,S
+642,1,1,"Sagesser, Mlle. Emma",female,24,0,0,PC 17477,69.3,B35,C
+643,0,3,"Skoog, Miss. Margit Elizabeth",female,2,3,2,347088,27.9,,S
+644,1,3,"Foo, Mr. Choong",male,,0,0,1601,56.4958,,S
+645,1,3,"Baclini, Miss. Eugenie",female,0.75,2,1,2666,19.2583,,C
+646,1,1,"Harper, Mr. Henry Sleeper",male,48,1,0,PC 17572,76.7292,D33,C
+647,0,3,"Cor, Mr. Liudevit",male,19,0,0,349231,7.8958,,S
+648,1,1,"Simonius-Blumer, Col. Oberst Alfons",male,56,0,0,13213,35.5,A26,C
+649,0,3,"Willey, Mr. Edward",male,,0,0,S.O./P.P. 751,7.55,,S
+650,1,3,"Stanley, Miss. Amy Zillah Elsie",female,23,0,0,CA. 2314,7.55,,S
+651,0,3,"Mitkoff, Mr. Mito",male,,0,0,349221,7.8958,,S
+652,1,2,"Doling, Miss. Elsie",female,18,0,1,231919,23,,S
+653,0,3,"Kalvik, Mr. Johannes Halvorsen",male,21,0,0,8475,8.4333,,S
+654,1,3,"O'Leary, Miss. Hanora ""Norah""",female,,0,0,330919,7.8292,,Q
+655,0,3,"Hegarty, Miss. Hanora ""Nora""",female,18,0,0,365226,6.75,,Q
+656,0,2,"Hickman, Mr. Leonard Mark",male,24,2,0,S.O.C. 14879,73.5,,S
+657,0,3,"Radeff, Mr. Alexander",male,,0,0,349223,7.8958,,S
+658,0,3,"Bourke, Mrs. John (Catherine)",female,32,1,1,364849,15.5,,Q
+659,0,2,"Eitemiller, Mr. George Floyd",male,23,0,0,29751,13,,S
+660,0,1,"Newell, Mr. Arthur Webster",male,58,0,2,35273,113.275,D48,C
+661,1,1,"Frauenthal, Dr. Henry William",male,50,2,0,PC 17611,133.65,,S
+662,0,3,"Badt, Mr. Mohamed",male,40,0,0,2623,7.225,,C
+663,0,1,"Colley, Mr. Edward Pomeroy",male,47,0,0,5727,25.5875,E58,S
+664,0,3,"Coleff, Mr. Peju",male,36,0,0,349210,7.4958,,S
+665,1,3,"Lindqvist, Mr. Eino William",male,20,1,0,STON/O 2. 3101285,7.925,,S
+666,0,2,"Hickman, Mr. Lewis",male,32,2,0,S.O.C. 14879,73.5,,S
+667,0,2,"Butler, Mr. Reginald Fenton",male,25,0,0,234686,13,,S
+668,0,3,"Rommetvedt, Mr. Knud Paust",male,,0,0,312993,7.775,,S
+669,0,3,"Cook, Mr. Jacob",male,43,0,0,A/5 3536,8.05,,S
+670,1,1,"Taylor, Mrs. Elmer Zebley (Juliet Cummins Wright)",female,,1,0,19996,52,C126,S
+671,1,2,"Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)",female,40,1,1,29750,39,,S
+672,0,1,"Davidson, Mr. Thornton",male,31,1,0,F.C. 12750,52,B71,S
+673,0,2,"Mitchell, Mr. Henry Michael",male,70,0,0,C.A. 24580,10.5,,S
+674,1,2,"Wilhelms, Mr. Charles",male,31,0,0,244270,13,,S
+675,0,2,"Watson, Mr. Ennis Hastings",male,,0,0,239856,0,,S
+676,0,3,"Edvardsson, Mr. Gustaf Hjalmar",male,18,0,0,349912,7.775,,S
+677,0,3,"Sawyer, Mr. Frederick Charles",male,24.5,0,0,342826,8.05,,S
+678,1,3,"Turja, Miss. Anna Sofia",female,18,0,0,4138,9.8417,,S
+679,0,3,"Goodwin, Mrs. Frederick (Augusta Tyler)",female,43,1,6,CA 2144,46.9,,S
+680,1,1,"Cardeza, Mr. Thomas Drake Martinez",male,36,0,1,PC 17755,512.3292,B51 B53 B55,C
+681,0,3,"Peters, Miss. Katie",female,,0,0,330935,8.1375,,Q
+682,1,1,"Hassab, Mr. Hammad",male,27,0,0,PC 17572,76.7292,D49,C
+683,0,3,"Olsvigen, Mr. Thor Anderson",male,20,0,0,6563,9.225,,S
+684,0,3,"Goodwin, Mr. Charles Edward",male,14,5,2,CA 2144,46.9,,S
+685,0,2,"Brown, Mr. Thomas William Solomon",male,60,1,1,29750,39,,S
+686,0,2,"Laroche, Mr. Joseph Philippe Lemercier",male,25,1,2,SC/Paris 2123,41.5792,,C
+687,0,3,"Panula, Mr. Jaako Arnold",male,14,4,1,3101295,39.6875,,S
+688,0,3,"Dakic, Mr. Branko",male,19,0,0,349228,10.1708,,S
+689,0,3,"Fischer, Mr. Eberhard Thelander",male,18,0,0,350036,7.7958,,S
+690,1,1,"Madill, Miss. Georgette Alexandra",female,15,0,1,24160,211.3375,B5,S
+691,1,1,"Dick, Mr. Albert Adrian",male,31,1,0,17474,57,B20,S
+692,1,3,"Karun, Miss. Manca",female,4,0,1,349256,13.4167,,C
+693,1,3,"Lam, Mr. Ali",male,,0,0,1601,56.4958,,S
+694,0,3,"Saad, Mr. Khalil",male,25,0,0,2672,7.225,,C
+695,0,1,"Weir, Col. John",male,60,0,0,113800,26.55,,S
+696,0,2,"Chapman, Mr. Charles Henry",male,52,0,0,248731,13.5,,S
+697,0,3,"Kelly, Mr. James",male,44,0,0,363592,8.05,,S
+698,1,3,"Mullens, Miss. Katherine ""Katie""",female,,0,0,35852,7.7333,,Q
+699,0,1,"Thayer, Mr. John Borland",male,49,1,1,17421,110.8833,C68,C
+700,0,3,"Humblen, Mr. Adolf Mathias Nicolai Olsen",male,42,0,0,348121,7.65,F G63,S
+701,1,1,"Astor, Mrs. John Jacob (Madeleine Talmadge Force)",female,18,1,0,PC 17757,227.525,C62 C64,C
+702,1,1,"Silverthorne, Mr. Spencer Victor",male,35,0,0,PC 17475,26.2875,E24,S
+703,0,3,"Barbara, Miss. Saiide",female,18,0,1,2691,14.4542,,C
+704,0,3,"Gallagher, Mr. Martin",male,25,0,0,36864,7.7417,,Q
+705,0,3,"Hansen, Mr. Henrik Juul",male,26,1,0,350025,7.8542,,S
+706,0,2,"Morley, Mr. Henry Samuel (""Mr Henry Marshall"")",male,39,0,0,250655,26,,S
+707,1,2,"Kelly, Mrs. Florence ""Fannie""",female,45,0,0,223596,13.5,,S
+708,1,1,"Calderhead, Mr. Edward Pennington",male,42,0,0,PC 17476,26.2875,E24,S
+709,1,1,"Cleaver, Miss. Alice",female,22,0,0,113781,151.55,,S
+710,1,3,"Moubarek, Master. Halim Gonios (""William George"")",male,,1,1,2661,15.2458,,C
+711,1,1,"Mayne, Mlle. Berthe Antonine (""Mrs de Villiers"")",female,24,0,0,PC 17482,49.5042,C90,C
+712,0,1,"Klaber, Mr. Herman",male,,0,0,113028,26.55,C124,S
+713,1,1,"Taylor, Mr. Elmer Zebley",male,48,1,0,19996,52,C126,S
+714,0,3,"Larsson, Mr. August Viktor",male,29,0,0,7545,9.4833,,S
+715,0,2,"Greenberg, Mr. Samuel",male,52,0,0,250647,13,,S
+716,0,3,"Soholt, Mr. Peter Andreas Lauritz Andersen",male,19,0,0,348124,7.65,F G73,S
+717,1,1,"Endres, Miss. Caroline Louise",female,38,0,0,PC 17757,227.525,C45,C
+718,1,2,"Troutt, Miss. Edwina Celia ""Winnie""",female,27,0,0,34218,10.5,E101,S
+719,0,3,"McEvoy, Mr. Michael",male,,0,0,36568,15.5,,Q
+720,0,3,"Johnson, Mr. Malkolm Joackim",male,33,0,0,347062,7.775,,S
+721,1,2,"Harper, Miss. Annie Jessie ""Nina""",female,6,0,1,248727,33,,S
+722,0,3,"Jensen, Mr. Svend Lauritz",male,17,1,0,350048,7.0542,,S
+723,0,2,"Gillespie, Mr. William Henry",male,34,0,0,12233,13,,S
+724,0,2,"Hodges, Mr. Henry Price",male,50,0,0,250643,13,,S
+725,1,1,"Chambers, Mr. Norman Campbell",male,27,1,0,113806,53.1,E8,S
+726,0,3,"Oreskovic, Mr. Luka",male,20,0,0,315094,8.6625,,S
+727,1,2,"Renouf, Mrs. Peter Henry (Lillian Jefferys)",female,30,3,0,31027,21,,S
+728,1,3,"Mannion, Miss. Margareth",female,,0,0,36866,7.7375,,Q
+729,0,2,"Bryhl, Mr. Kurt Arnold Gottfrid",male,25,1,0,236853,26,,S
+730,0,3,"Ilmakangas, Miss. Pieta Sofia",female,25,1,0,STON/O2. 3101271,7.925,,S
+731,1,1,"Allen, Miss. Elisabeth Walton",female,29,0,0,24160,211.3375,B5,S
+732,0,3,"Hassan, Mr. Houssein G N",male,11,0,0,2699,18.7875,,C
+733,0,2,"Knight, Mr. Robert J",male,,0,0,239855,0,,S
+734,0,2,"Berriman, Mr. William John",male,23,0,0,28425,13,,S
+735,0,2,"Troupiansky, Mr. Moses Aaron",male,23,0,0,233639,13,,S
+736,0,3,"Williams, Mr. Leslie",male,28.5,0,0,54636,16.1,,S
+737,0,3,"Ford, Mrs. Edward (Margaret Ann Watson)",female,48,1,3,W./C. 6608,34.375,,S
+738,1,1,"Lesurer, Mr. Gustave J",male,35,0,0,PC 17755,512.3292,B101,C
+739,0,3,"Ivanoff, Mr. Kanio",male,,0,0,349201,7.8958,,S
+740,0,3,"Nankoff, Mr. Minko",male,,0,0,349218,7.8958,,S
+741,1,1,"Hawksford, Mr. Walter James",male,,0,0,16988,30,D45,S
+742,0,1,"Cavendish, Mr. Tyrell William",male,36,1,0,19877,78.85,C46,S
+743,1,1,"Ryerson, Miss. Susan Parker ""Suzette""",female,21,2,2,PC 17608,262.375,B57 B59 B63 B66,C
+744,0,3,"McNamee, Mr. Neal",male,24,1,0,376566,16.1,,S
+745,1,3,"Stranden, Mr. Juho",male,31,0,0,STON/O 2. 3101288,7.925,,S
+746,0,1,"Crosby, Capt. Edward Gifford",male,70,1,1,WE/P 5735,71,B22,S
+747,0,3,"Abbott, Mr. Rossmore Edward",male,16,1,1,C.A. 2673,20.25,,S
+748,1,2,"Sinkkonen, Miss. Anna",female,30,0,0,250648,13,,S
+749,0,1,"Marvin, Mr. Daniel Warner",male,19,1,0,113773,53.1,D30,S
+750,0,3,"Connaghton, Mr. Michael",male,31,0,0,335097,7.75,,Q
+751,1,2,"Wells, Miss. Joan",female,4,1,1,29103,23,,S
+752,1,3,"Moor, Master. Meier",male,6,0,1,392096,12.475,E121,S
+753,0,3,"Vande Velde, Mr. Johannes Joseph",male,33,0,0,345780,9.5,,S
+754,0,3,"Jonkoff, Mr. Lalio",male,23,0,0,349204,7.8958,,S
+755,1,2,"Herman, Mrs. Samuel (Jane Laver)",female,48,1,2,220845,65,,S
+756,1,2,"Hamalainen, Master. Viljo",male,0.67,1,1,250649,14.5,,S
+757,0,3,"Carlsson, Mr. August Sigfrid",male,28,0,0,350042,7.7958,,S
+758,0,2,"Bailey, Mr. Percy Andrew",male,18,0,0,29108,11.5,,S
+759,0,3,"Theobald, Mr. Thomas Leonard",male,34,0,0,363294,8.05,,S
+760,1,1,"Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)",female,33,0,0,110152,86.5,B77,S
+761,0,3,"Garfirth, Mr. John",male,,0,0,358585,14.5,,S
+762,0,3,"Nirva, Mr. Iisakki Antino Aijo",male,41,0,0,SOTON/O2 3101272,7.125,,S
+763,1,3,"Barah, Mr. Hanna Assi",male,20,0,0,2663,7.2292,,C
+764,1,1,"Carter, Mrs. William Ernest (Lucile Polk)",female,36,1,2,113760,120,B96 B98,S
+765,0,3,"Eklund, Mr. Hans Linus",male,16,0,0,347074,7.775,,S
+766,1,1,"Hogeboom, Mrs. John C (Anna Andrews)",female,51,1,0,13502,77.9583,D11,S
+767,0,1,"Brewe, Dr. Arthur Jackson",male,,0,0,112379,39.6,,C
+768,0,3,"Mangan, Miss. Mary",female,30.5,0,0,364850,7.75,,Q
+769,0,3,"Moran, Mr. Daniel J",male,,1,0,371110,24.15,,Q
+770,0,3,"Gronnestad, Mr. Daniel Danielsen",male,32,0,0,8471,8.3625,,S
+771,0,3,"Lievens, Mr. Rene Aime",male,24,0,0,345781,9.5,,S
+772,0,3,"Jensen, Mr. Niels Peder",male,48,0,0,350047,7.8542,,S
+773,0,2,"Mack, Mrs. (Mary)",female,57,0,0,S.O./P.P. 3,10.5,E77,S
+774,0,3,"Elias, Mr. Dibo",male,,0,0,2674,7.225,,C
+775,1,2,"Hocking, Mrs. Elizabeth (Eliza Needs)",female,54,1,3,29105,23,,S
+776,0,3,"Myhrman, Mr. Pehr Fabian Oliver Malkolm",male,18,0,0,347078,7.75,,S
+777,0,3,"Tobin, Mr. Roger",male,,0,0,383121,7.75,F38,Q
+778,1,3,"Emanuel, Miss. Virginia Ethel",female,5,0,0,364516,12.475,,S
+779,0,3,"Kilgannon, Mr. Thomas J",male,,0,0,36865,7.7375,,Q
+780,1,1,"Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)",female,43,0,1,24160,211.3375,B3,S
+781,1,3,"Ayoub, Miss. Banoura",female,13,0,0,2687,7.2292,,C
+782,1,1,"Dick, Mrs. Albert Adrian (Vera Gillespie)",female,17,1,0,17474,57,B20,S
+783,0,1,"Long, Mr. Milton Clyde",male,29,0,0,113501,30,D6,S
+784,0,3,"Johnston, Mr. Andrew G",male,,1,2,W./C. 6607,23.45,,S
+785,0,3,"Ali, Mr. William",male,25,0,0,SOTON/O.Q. 3101312,7.05,,S
+786,0,3,"Harmer, Mr. Abraham (David Lishin)",male,25,0,0,374887,7.25,,S
+787,1,3,"Sjoblom, Miss. Anna Sofia",female,18,0,0,3101265,7.4958,,S
+788,0,3,"Rice, Master. George Hugh",male,8,4,1,382652,29.125,,Q
+789,1,3,"Dean, Master. Bertram Vere",male,1,1,2,C.A. 2315,20.575,,S
+790,0,1,"Guggenheim, Mr. Benjamin",male,46,0,0,PC 17593,79.2,B82 B84,C
+791,0,3,"Keane, Mr. Andrew ""Andy""",male,,0,0,12460,7.75,,Q
+792,0,2,"Gaskell, Mr. Alfred",male,16,0,0,239865,26,,S
+793,0,3,"Sage, Miss. Stella Anna",female,,8,2,CA. 2343,69.55,,S
+794,0,1,"Hoyt, Mr. William Fisher",male,,0,0,PC 17600,30.6958,,C
+795,0,3,"Dantcheff, Mr. Ristiu",male,25,0,0,349203,7.8958,,S
+796,0,2,"Otter, Mr. Richard",male,39,0,0,28213,13,,S
+797,1,1,"Leader, Dr. Alice (Farnham)",female,49,0,0,17465,25.9292,D17,S
+798,1,3,"Osman, Mrs. Mara",female,31,0,0,349244,8.6833,,S
+799,0,3,"Ibrahim Shawah, Mr. Yousseff",male,30,0,0,2685,7.2292,,C
+800,0,3,"Van Impe, Mrs. Jean Baptiste (Rosalie Paula Govaert)",female,30,1,1,345773,24.15,,S
+801,0,2,"Ponesell, Mr. Martin",male,34,0,0,250647,13,,S
+802,1,2,"Collyer, Mrs. Harvey (Charlotte Annie Tate)",female,31,1,1,C.A. 31921,26.25,,S
+803,1,1,"Carter, Master. William Thornton II",male,11,1,2,113760,120,B96 B98,S
+804,1,3,"Thomas, Master. Assad Alexander",male,0.42,0,1,2625,8.5167,,C
+805,1,3,"Hedman, Mr. Oskar Arvid",male,27,0,0,347089,6.975,,S
+806,0,3,"Johansson, Mr. Karl Johan",male,31,0,0,347063,7.775,,S
+807,0,1,"Andrews, Mr. Thomas Jr",male,39,0,0,112050,0,A36,S
+808,0,3,"Pettersson, Miss. Ellen Natalia",female,18,0,0,347087,7.775,,S
+809,0,2,"Meyer, Mr. August",male,39,0,0,248723,13,,S
+810,1,1,"Chambers, Mrs. Norman Campbell (Bertha Griggs)",female,33,1,0,113806,53.1,E8,S
+811,0,3,"Alexander, Mr. William",male,26,0,0,3474,7.8875,,S
+812,0,3,"Lester, Mr. James",male,39,0,0,A/4 48871,24.15,,S
+813,0,2,"Slemen, Mr. Richard James",male,35,0,0,28206,10.5,,S
+814,0,3,"Andersson, Miss. Ebba Iris Alfrida",female,6,4,2,347082,31.275,,S
+815,0,3,"Tomlin, Mr. Ernest Portage",male,30.5,0,0,364499,8.05,,S
+816,0,1,"Fry, Mr. Richard",male,,0,0,112058,0,B102,S
+817,0,3,"Heininen, Miss. Wendla Maria",female,23,0,0,STON/O2. 3101290,7.925,,S
+818,0,2,"Mallet, Mr. Albert",male,31,1,1,S.C./PARIS 2079,37.0042,,C
+819,0,3,"Holm, Mr. John Fredrik Alexander",male,43,0,0,C 7075,6.45,,S
+820,0,3,"Skoog, Master. Karl Thorsten",male,10,3,2,347088,27.9,,S
+821,1,1,"Hays, Mrs. Charles Melville (Clara Jennings Gregg)",female,52,1,1,12749,93.5,B69,S
+822,1,3,"Lulic, Mr. Nikola",male,27,0,0,315098,8.6625,,S
+823,0,1,"Reuchlin, Jonkheer. John George",male,38,0,0,19972,0,,S
+824,1,3,"Moor, Mrs. (Beila)",female,27,0,1,392096,12.475,E121,S
+825,0,3,"Panula, Master. Urho Abraham",male,2,4,1,3101295,39.6875,,S
+826,0,3,"Flynn, Mr. John",male,,0,0,368323,6.95,,Q
+827,0,3,"Lam, Mr. Len",male,,0,0,1601,56.4958,,S
+828,1,2,"Mallet, Master. Andre",male,1,0,2,S.C./PARIS 2079,37.0042,,C
+829,1,3,"McCormack, Mr. Thomas Joseph",male,,0,0,367228,7.75,,Q
+830,1,1,"Stone, Mrs. George Nelson (Martha Evelyn)",female,62,0,0,113572,80,B28,
+831,1,3,"Yasbeck, Mrs. Antoni (Selini Alexander)",female,15,1,0,2659,14.4542,,C
+832,1,2,"Richards, Master. George Sibley",male,0.83,1,1,29106,18.75,,S
+833,0,3,"Saad, Mr. Amin",male,,0,0,2671,7.2292,,C
+834,0,3,"Augustsson, Mr. Albert",male,23,0,0,347468,7.8542,,S
+835,0,3,"Allum, Mr. Owen George",male,18,0,0,2223,8.3,,S
+836,1,1,"Compton, Miss. Sara Rebecca",female,39,1,1,PC 17756,83.1583,E49,C
+837,0,3,"Pasic, Mr. Jakob",male,21,0,0,315097,8.6625,,S
+838,0,3,"Sirota, Mr. Maurice",male,,0,0,392092,8.05,,S
+839,1,3,"Chip, Mr. Chang",male,32,0,0,1601,56.4958,,S
+840,1,1,"Marechal, Mr. Pierre",male,,0,0,11774,29.7,C47,C
+841,0,3,"Alhomaki, Mr. Ilmari Rudolf",male,20,0,0,SOTON/O2 3101287,7.925,,S
+842,0,2,"Mudd, Mr. Thomas Charles",male,16,0,0,S.O./P.P. 3,10.5,,S
+843,1,1,"Serepeca, Miss. Augusta",female,30,0,0,113798,31,,C
+844,0,3,"Lemberopolous, Mr. Peter L",male,34.5,0,0,2683,6.4375,,C
+845,0,3,"Culumovic, Mr. Jeso",male,17,0,0,315090,8.6625,,S
+846,0,3,"Abbing, Mr. Anthony",male,42,0,0,C.A. 5547,7.55,,S
+847,0,3,"Sage, Mr. Douglas Bullen",male,,8,2,CA. 2343,69.55,,S
+848,0,3,"Markoff, Mr. Marin",male,35,0,0,349213,7.8958,,C
+849,0,2,"Harper, Rev. John",male,28,0,1,248727,33,,S
+850,1,1,"Goldenberg, Mrs. Samuel L (Edwiga Grabowska)",female,,1,0,17453,89.1042,C92,C
+851,0,3,"Andersson, Master. Sigvard Harald Elias",male,4,4,2,347082,31.275,,S
+852,0,3,"Svensson, Mr. Johan",male,74,0,0,347060,7.775,,S
+853,0,3,"Boulos, Miss. Nourelain",female,9,1,1,2678,15.2458,,C
+854,1,1,"Lines, Miss. Mary Conover",female,16,0,1,PC 17592,39.4,D28,S
+855,0,2,"Carter, Mrs. Ernest Courtenay (Lilian Hughes)",female,44,1,0,244252,26,,S
+856,1,3,"Aks, Mrs. Sam (Leah Rosen)",female,18,0,1,392091,9.35,,S
+857,1,1,"Wick, Mrs. George Dennick (Mary Hitchcock)",female,45,1,1,36928,164.8667,,S
+858,1,1,"Daly, Mr. Peter Denis ",male,51,0,0,113055,26.55,E17,S
+859,1,3,"Baclini, Mrs. Solomon (Latifa Qurban)",female,24,0,3,2666,19.2583,,C
+860,0,3,"Razi, Mr. Raihed",male,,0,0,2629,7.2292,,C
+861,0,3,"Hansen, Mr. Claus Peter",male,41,2,0,350026,14.1083,,S
+862,0,2,"Giles, Mr. Frederick Edward",male,21,1,0,28134,11.5,,S
+863,1,1,"Swift, Mrs. Frederick Joel (Margaret Welles Barron)",female,48,0,0,17466,25.9292,D17,S
+864,0,3,"Sage, Miss. Dorothy Edith ""Dolly""",female,,8,2,CA. 2343,69.55,,S
+865,0,2,"Gill, Mr. John William",male,24,0,0,233866,13,,S
+866,1,2,"Bystrom, Mrs. (Karolina)",female,42,0,0,236852,13,,S
+867,1,2,"Duran y More, Miss. Asuncion",female,27,1,0,SC/PARIS 2149,13.8583,,C
+868,0,1,"Roebling, Mr. Washington Augustus II",male,31,0,0,PC 17590,50.4958,A24,S
+869,0,3,"van Melkebeke, Mr. Philemon",male,,0,0,345777,9.5,,S
+870,1,3,"Johnson, Master. Harold Theodor",male,4,1,1,347742,11.1333,,S
+871,0,3,"Balkic, Mr. Cerin",male,26,0,0,349248,7.8958,,S
+872,1,1,"Beckwith, Mrs. Richard Leonard (Sallie Monypeny)",female,47,1,1,11751,52.5542,D35,S
+873,0,1,"Carlsson, Mr. Frans Olof",male,33,0,0,695,5,B51 B53 B55,S
+874,0,3,"Vander Cruyssen, Mr. Victor",male,47,0,0,345765,9,,S
+875,1,2,"Abelson, Mrs. Samuel (Hannah Wizosky)",female,28,1,0,P/PP 3381,24,,C
+876,1,3,"Najib, Miss. Adele Kiamie ""Jane""",female,15,0,0,2667,7.225,,C
+877,0,3,"Gustafsson, Mr. Alfred Ossian",male,20,0,0,7534,9.8458,,S
+878,0,3,"Petroff, Mr. Nedelio",male,19,0,0,349212,7.8958,,S
+879,0,3,"Laleff, Mr. Kristo",male,,0,0,349217,7.8958,,S
+880,1,1,"Potter, Mrs. Thomas Jr (Lily Alexenia Wilson)",female,56,0,1,11767,83.1583,C50,C
+881,1,2,"Shelley, Mrs. William (Imanita Parrish Hall)",female,25,0,1,230433,26,,S
+882,0,3,"Markun, Mr. Johann",male,33,0,0,349257,7.8958,,S
+883,0,3,"Dahlberg, Miss. Gerda Ulrika",female,22,0,0,7552,10.5167,,S
+884,0,2,"Banfield, Mr. Frederick James",male,28,0,0,C.A./SOTON 34068,10.5,,S
+885,0,3,"Sutehall, Mr. Henry Jr",male,25,0,0,SOTON/OQ 392076,7.05,,S
+886,0,3,"Rice, Mrs. William (Margaret Norton)",female,39,0,5,382652,29.125,,Q
+887,0,2,"Montvila, Rev. Juozas",male,27,0,0,211536,13,,S
+888,1,1,"Graham, Miss. Margaret Edith",female,19,0,0,112053,30,B42,S
+889,0,3,"Johnston, Miss. Catherine Helen ""Carrie""",female,,1,2,W./C. 6607,23.45,,S
+890,1,1,"Behr, Mr. Karl Howell",male,26,0,0,111369,30,C148,C
+891,0,3,"Dooley, Mr. Patrick",male,32,0,0,370376,7.75,,Q
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/rules/rule_catalogue_1.smk b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/rules/rule_catalogue_1.smk
new file mode 100644
index 0000000000000000000000000000000000000000..a1715d9c797bdd183650e56a9296310ab83c333f
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/rules/rule_catalogue_1.smk
@@ -0,0 +1,105 @@
+rule rule_23:
+    input: 'data/data/train.csv'
+    output: 'data/train.pkl'
+    script: '../scripts/rule_23.py'
+
+rule rule_27:
+    input: 'data/train.pkl', 'data/data/test.csv'
+    output: 'data/globals.O_testPassengerID.pkl', 'data/globals.O_y_train.pkl', 'data/globals.O_number_of_train.pkl', 'data/globals.O_all_data.pkl', 'data/globals.O_test.pkl', 'data/globals.O_train.pkl', 'data/globals.G_clf_and_params.pkl'
+    script: '../scripts/rule_27.py'
+
+rule rule_42:
+    input: 'data/globals.G_clf_and_params.pkl'
+    output: 'data/globals.G_clf_and_params_2.pkl'
+    script: '../scripts/rule_42.py'
+
+rule rule_48:
+    input: 'data/globals.G_clf_and_params_2.pkl'
+    output: 'data/globals.G_clf_and_params_4.pkl'
+    script: '../scripts/rule_48.py'
+
+rule rule_54:
+    input: 
+    output: 'data/params_4.pkl', 'data/clf_4.pkl'
+    script: '../scripts/rule_54.py'
+
+rule rule_56:
+    input: 'data/globals.O_all_data.pkl', 'data/params_4.pkl', 'data/globals.G_clf_and_params_4.pkl', 'data/clf_4.pkl'
+    output: 'data/globals.G_clf_and_params_5.pkl'
+    script: '../scripts/rule_56.py'
+
+rule rule_65:
+    input: 'data/globals.O_test.pkl', 'data/globals.O_train.pkl'
+    output: 'data/globals.O_strategy_type.pkl', 'data/globals.S_dats_1.pkl'
+    script: '../scripts/rule_65.py'
+
+rule rule_67:
+    input: 'data/globals.S_dats_1.pkl'
+    output: 'data/globals.S_dats_3.pkl'
+    script: '../scripts/rule_67.py'
+
+rule rule_71:
+    input: 'data/globals.S_dats_3.pkl'
+    output: 'data/globals.S_dats_8.pkl', 'data/min_lengtht.pkl'
+    script: '../scripts/rule_71.py'
+
+rule rule_77:
+    input: 'data/globals.S_dats_8.pkl', 'data/min_lengtht.pkl'
+    output: 'data/drop_strategy_1.pkl', 'data/globals.S_dats_12.pkl'
+    script: '../scripts/rule_77.py'
+
+rule rule_83:
+    input: 'data/drop_strategy_1.pkl', 'data/globals.S_dats_12.pkl'
+    output: 'data/non_dummies_1.pkl', 'data/globals.S_dats_16.pkl'
+    script: '../scripts/rule_83.py'
+
+rule rule_90:
+    input: 
+    output: 'data/dummies_dat.pkl', 'data/columns.pkl'
+    script: '../scripts/rule_90.py'
+
+rule rule_92:
+    input: 'data/globals.O_number_of_train.pkl', 'data/non_dummies_1.pkl', 'data/globals.S_dats_16.pkl', 'data/dummies_dat.pkl', 'data/columns.pkl'
+    output: 'data/globals.O_all_data_1.pkl', 'data/globals.O_X_train.pkl', 'data/features.pkl'
+    script: '../scripts/rule_92.py'
+
+rule rule_98:
+    input: 'data/globals.G_clf_and_params_5.pkl', 'data/globals.O_strategy_type.pkl', 'data/globals.O_testPassengerID.pkl', 'data/globals.O_y_train.pkl', 'data/globals.O_number_of_train.pkl', 'data/globals.O_all_data_1.pkl', 'data/globals.O_X_train.pkl', 'data/features.pkl'
+    output: 'data/globals.G_strategy_type.pkl', 'data/globals.G_submission_id.pkl', 'data/globals.G_X_train.pkl', 'data/globals.G_y_train.pkl', 'data/globals.G_X_test.pkl', 'data/clf_and_params.pkl'
+    script: '../scripts/rule_98.py'
+
+rule rule_110:
+    input: 'data/globals.G_strategy_type.pkl', 'data/globals.G_submission_id.pkl', 'data/globals.G_X_train.pkl', 'data/globals.G_y_train.pkl', 'data/globals.G_X_test.pkl', 'data/clf_and_params.pkl'
+    output: 'data/models_1.pkl', 'data/globals.G_results_1.pkl'
+    script: '../scripts/rule_110.py'
+
+rule rule_125:
+    input: 'data/models_1.pkl', 'data/globals.G_strategy_type.pkl', 'data/globals.G_submission_id.pkl', 'data/globals.G_results_1.pkl', 'data/globals.G_X_train.pkl', 'data/globals.G_y_train.pkl', 'data/globals.G_X_test.pkl', 'data/clf_and_params.pkl'
+    output: 'data/models_2.pkl', 'data/globals.G_results_2.pkl'
+    script: '../scripts/rule_125.py'
+
+rule rule_138:
+    input: 'data/models_2.pkl', 'data/globals.G_strategy_type.pkl', 'data/globals.G_submission_id.pkl', 'data/globals.G_results_2.pkl', 'data/globals.G_X_train.pkl', 'data/globals.G_y_train.pkl', 'data/globals.G_X_test.pkl', 'data/clf_and_params.pkl'
+    output: 'data/models_3.pkl', 'data/globals.G_results_3.pkl'
+    script: '../scripts/rule_138.py'
+
+rule rule_151:
+    input: 'data/models_3.pkl', 'data/globals.G_strategy_type.pkl', 'data/globals.G_submission_id.pkl', 'data/globals.G_results_3.pkl', 'data/globals.G_X_train.pkl', 'data/globals.G_y_train.pkl', 'data/globals.G_X_test.pkl', 'data/clf_and_params.pkl'
+    output: 'data/models_4.pkl', 'data/globals.G_results_4.pkl'
+    script: '../scripts/rule_151.py'
+
+rule rule_162:
+    input: 'data/globals.G_X_train.pkl', 'data/globals.G_y_train.pkl', 'data/clf_and_params.pkl'
+    output: 'data/clf5.pkl', 'data/globals.G_current_clf_name_4.pkl', 'data/grid_search_clf_9.pkl'
+    script: '../scripts/rule_162.py'
+
+rule rule_169:
+    input: 'data/clf5.pkl', 'data/models_4.pkl', 'data/globals.G_strategy_type.pkl', 'data/globals.G_current_clf_name_4.pkl', 'data/globals.G_submission_id.pkl', 'data/globals.G_results_4.pkl', 'data/globals.G_X_train.pkl', 'data/grid_search_clf_9.pkl', 'data/globals.G_y_train.pkl', 'data/globals.G_X_test.pkl'
+    output: 'data/globals.G_results_5.pkl'
+    script: '../scripts/rule_169.py'
+
+rule rule_177:
+    input: 'data/globals.G_results_5.pkl'
+    output: 'data/globals.D_dummy_array2_4.pkl'
+    script: '../scripts/rule_177.py'
+
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/funcs/__pycache__/functions.cpython-38.pyc b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/funcs/__pycache__/functions.cpython-38.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..22485ddca2d5a32aad398155d740407c7828e36f
Binary files /dev/null and b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/funcs/__pycache__/functions.cpython-38.pyc differ
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/funcs/functions.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/funcs/functions.py
new file mode 100644
index 0000000000000000000000000000000000000000..739df3693e01fda389928e0707eabca670021b14
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/funcs/functions.py
@@ -0,0 +1,60 @@
+
+def P_drop(data,drop_strategies):
+    for column, strategy in drop_strategies.items():
+                data=data.drop(labels=[column], axis=strategy)
+    return data
+
+import numpy as np
+
+def D_fill_arrays():
+    a1 = np.array([1, 2, 3, 4, 5])
+    a2 = np.zeros(10000)
+    np.append(a1, 6)
+    np.append(a1, 7)
+    np.append(a1, 8)
+    a2[0] = 1
+    a2[1] = 2
+    for i in range(0,len(a2)):
+                a2[i] = 1
+    return a1, a2
+
+import globals
+
+def O__get_train_and_test():
+    globals.O_X_train=globals.O_all_data[:globals.O_number_of_train]
+    globals.O_X_test=globals.O_all_data[globals.O_number_of_train:]
+
+import globals
+import pandas as pd
+
+def O__get_all_data():
+    return pd.concat([globals.O_train, globals.O_test])
+
+import globals
+import pandas as pd
+
+def G_save_result():
+    Submission = pd.DataFrame({'PassengerId': globals.G_submission_id,
+                                               'Survived': globals.G_Y_pred})
+    file_name="{}_{}.csv".format(globals.G_strategy_type,globals.G_current_clf_name.lower())
+    Submission.to_csv(file_name, index=False)
+    print("Submission saved file name: ",file_name)
+
+import globals
+
+def D_increment1(i):
+    globals.D_dummy_array1[i] = 1 + globals.D_dummy_array1[i]
+
+import globals
+import numpy as np
+
+def D_initialize_arrays():
+    a1, a2 = D_fill_arrays()
+    globals.D_dummy_array1 = a1
+    globals.D_dummy_array2 = a2
+
+import globals
+
+def D_increment2(i):
+    globals.D_dummy_array2[i] = 1 + globals.D_dummy_array2[i]
+
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/globals.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/globals.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_110.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_110.py
new file mode 100644
index 0000000000000000000000000000000000000000..5051cb8de3f51165ac24c7443fadb301c1a40a0e
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_110.py
@@ -0,0 +1,54 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+from sklearn.neighbors import KNeighborsClassifier
+from sklearn.model_selection import GridSearchCV
+from funcs.functions import G_save_result
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.G_strategy_type = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.G_submission_id = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.G_X_train = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        globals.G_y_train = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        globals.G_X_test = pickle.load(in_file)
+    with open(snakemake.input[5], 'rb') as in_file:
+        clf_and_params = pickle.load(in_file)
+    
+    models=[]
+    
+    globals.G_results={}
+    
+    clf1 = clf_and_params[0][0]
+    
+    params1 = clf_and_params[0][1]
+    
+    globals.G_current_clf_name = clf1.__class__.__name__
+    
+    grid_search_clf = GridSearchCV(clf1, params1, cv=5)
+    
+    grid_search_clf.fit(globals.G_X_train, globals.G_y_train)
+    grid_search_clf_1=grid_search_clf
+    
+    globals.G_Y_pred = grid_search_clf_1.predict(globals.G_X_test)
+    
+    clf_train_acc = round(grid_search_clf_1.score(globals.G_X_train, globals.G_y_train) * 100, 2)
+    print(globals.G_current_clf_name, " trained and used for prediction on test data...")
+    
+    globals.G_results[globals.G_current_clf_name]=clf_train_acc
+    globals.G_results_1=globals.G_results
+    
+    models.append(clf1)
+    G_save_result()
+    models_1=models
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(models_1, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.G_results_1, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_123.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_123.py
new file mode 100644
index 0000000000000000000000000000000000000000..5d63bcdd2e312f677d258acc42bf72d61df7cd2c
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_123.py
@@ -0,0 +1,10 @@
+import sys
+import pickle
+
+if __name__ == '__main__':
+
+    
+    results1 = "Saved results"
+    print()
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(results1, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_125.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_125.py
new file mode 100644
index 0000000000000000000000000000000000000000..224e5e0471e8e61120b3d5acfb53b15ff39a3e67
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_125.py
@@ -0,0 +1,58 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+from sklearn.linear_model import LogisticRegression
+from sklearn.model_selection import GridSearchCV
+from funcs.functions import G_save_result
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        models_1 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.G_strategy_type = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.G_submission_id = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        globals.G_results_1 = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        globals.G_X_train = pickle.load(in_file)
+    with open(snakemake.input[5], 'rb') as in_file:
+        globals.G_y_train = pickle.load(in_file)
+    with open(snakemake.input[6], 'rb') as in_file:
+        globals.G_X_test = pickle.load(in_file)
+    with open(snakemake.input[7], 'rb') as in_file:
+        clf_and_params = pickle.load(in_file)
+    
+    clf2 = clf_and_params[1][0]
+    
+    params2 = clf_and_params[1][1]
+    
+    globals.G_current_clf_name = clf2.__class__.__name__
+    globals.G_current_clf_name_1=globals.G_current_clf_name
+    
+    grid_search_clf = GridSearchCV(clf2, params2, cv=5)
+    grid_search_clf_2=grid_search_clf
+    
+    grid_search_clf_2.fit(globals.G_X_train, globals.G_y_train)
+    grid_search_clf_3=grid_search_clf_2
+    
+    globals.G_Y_pred = grid_search_clf_3.predict(globals.G_X_test)
+    globals.G_Y_pred_1=globals.G_Y_pred
+    
+    clf_train_acc = round(grid_search_clf_3.score(globals.G_X_train, globals.G_y_train) * 100, 2)
+    print(globals.G_current_clf_name_1, " trained and used for prediction on test data...")
+    clf_train_acc_1=clf_train_acc
+    
+    globals.G_results_1[globals.G_current_clf_name_1]=clf_train_acc_1
+    globals.G_results_2=globals.G_results_1
+    
+    models_1.append(clf2)
+    G_save_result()
+    models_2=models_1
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(models_2, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.G_results_2, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_136.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_136.py
new file mode 100644
index 0000000000000000000000000000000000000000..782d7f385025531235d5cada714848301398b99e
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_136.py
@@ -0,0 +1,10 @@
+import sys
+import pickle
+
+if __name__ == '__main__':
+
+    
+    results2 = "Saved results"
+    print()
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(results2, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_138.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_138.py
new file mode 100644
index 0000000000000000000000000000000000000000..2a666d436796ca68f4ebdd96e8b2a3d1a2572637
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_138.py
@@ -0,0 +1,58 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+from sklearn.svm import SVC
+from sklearn.model_selection import GridSearchCV
+from funcs.functions import G_save_result
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        models_2 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.G_strategy_type = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.G_submission_id = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        globals.G_results_2 = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        globals.G_X_train = pickle.load(in_file)
+    with open(snakemake.input[5], 'rb') as in_file:
+        globals.G_y_train = pickle.load(in_file)
+    with open(snakemake.input[6], 'rb') as in_file:
+        globals.G_X_test = pickle.load(in_file)
+    with open(snakemake.input[7], 'rb') as in_file:
+        clf_and_params = pickle.load(in_file)
+    
+    clf3 = clf_and_params[2][0]
+    
+    params3 = clf_and_params[2][1]
+    
+    globals.G_current_clf_name = clf3.__class__.__name__
+    globals.G_current_clf_name_2=globals.G_current_clf_name
+    
+    grid_search_clf = GridSearchCV(clf3, params3, cv=5)
+    grid_search_clf_4=grid_search_clf
+    
+    grid_search_clf_4.fit(globals.G_X_train, globals.G_y_train)
+    grid_search_clf_5=grid_search_clf_4
+    
+    globals.G_Y_pred = grid_search_clf_5.predict(globals.G_X_test)
+    globals.G_Y_pred_2=globals.G_Y_pred
+    
+    clf_train_acc = round(grid_search_clf_5.score(globals.G_X_train, globals.G_y_train) * 100, 2)
+    print(globals.G_current_clf_name_2, " trained and used for prediction on test data...")
+    clf_train_acc_2=clf_train_acc
+    
+    globals.G_results_2[globals.G_current_clf_name_2]=clf_train_acc_2
+    globals.G_results_3=globals.G_results_2
+    
+    models_2.append(clf3)
+    G_save_result()
+    models_3=models_2
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(models_3, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.G_results_3, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_149.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_149.py
new file mode 100644
index 0000000000000000000000000000000000000000..661ecd7d0034be65417ccf036e48c4c23a859704
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_149.py
@@ -0,0 +1,10 @@
+import sys
+import pickle
+
+if __name__ == '__main__':
+
+    
+    results3 = "Saved results"
+    print()
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(results3, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_151.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_151.py
new file mode 100644
index 0000000000000000000000000000000000000000..05db789b33825db98001cde116f3ebba4f7d1134
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_151.py
@@ -0,0 +1,58 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+from sklearn.tree import DecisionTreeClassifier
+from sklearn.model_selection import GridSearchCV
+from funcs.functions import G_save_result
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        models_3 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.G_strategy_type = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.G_submission_id = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        globals.G_results_3 = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        globals.G_X_train = pickle.load(in_file)
+    with open(snakemake.input[5], 'rb') as in_file:
+        globals.G_y_train = pickle.load(in_file)
+    with open(snakemake.input[6], 'rb') as in_file:
+        globals.G_X_test = pickle.load(in_file)
+    with open(snakemake.input[7], 'rb') as in_file:
+        clf_and_params = pickle.load(in_file)
+    
+    clf4 = clf_and_params[3][0]
+    
+    params4 = clf_and_params[3][1]
+    
+    globals.G_current_clf_name = clf4.__class__.__name__
+    globals.G_current_clf_name_3=globals.G_current_clf_name
+    
+    grid_search_clf = GridSearchCV(clf4, params4, cv=5)
+    grid_search_clf_6=grid_search_clf
+    
+    grid_search_clf_6.fit(globals.G_X_train, globals.G_y_train)
+    grid_search_clf_7=grid_search_clf_6
+    
+    globals.G_Y_pred = grid_search_clf_7.predict(globals.G_X_test)
+    globals.G_Y_pred_3=globals.G_Y_pred
+    
+    clf_train_acc = round(grid_search_clf_7.score(globals.G_X_train, globals.G_y_train) * 100, 2)
+    print(globals.G_current_clf_name_3, " trained and used for prediction on test data...")
+    clf_train_acc_3=clf_train_acc
+    
+    globals.G_results_3[globals.G_current_clf_name_3]=clf_train_acc_3
+    globals.G_results_4=globals.G_results_3
+    
+    models_3.append(clf4)
+    G_save_result()
+    models_4=models_3
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(models_4, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.G_results_4, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_162.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_162.py
new file mode 100644
index 0000000000000000000000000000000000000000..8669e9dd01254df07a02a2083055cfd214c42a45
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_162.py
@@ -0,0 +1,37 @@
+import sys
+import pickle
+from sklearn.ensemble import RandomForestClassifier
+import globals
+import pandas as pd
+from sklearn.model_selection import GridSearchCV
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.G_X_train = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.G_y_train = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        clf_and_params = pickle.load(in_file)
+    
+    results4 = "Saved results"
+    print()
+    
+    clf5 = clf_and_params[4][0]
+    
+    params5 = clf_and_params[4][1]
+    
+    globals.G_current_clf_name = clf5.__class__.__name__
+    globals.G_current_clf_name_4=globals.G_current_clf_name
+    
+    grid_search_clf = GridSearchCV(clf5, params5, cv=5)
+    grid_search_clf_8=grid_search_clf
+    
+    grid_search_clf_8.fit(globals.G_X_train, globals.G_y_train)
+    grid_search_clf_9=grid_search_clf_8
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(clf5, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.G_current_clf_name_4, out_file)
+    with open(snakemake.output[2], 'wb') as out_file:
+        pickle.dump(grid_search_clf_9, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_169.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_169.py
new file mode 100644
index 0000000000000000000000000000000000000000..bea5a7a01d1cae51b980cf94edf188df6ff1dee9
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_169.py
@@ -0,0 +1,50 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+from sklearn.ensemble import RandomForestClassifier
+from sklearn.model_selection import GridSearchCV
+from funcs.functions import G_save_result
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        clf5 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        models_4 = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.G_strategy_type = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        globals.G_current_clf_name_4 = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        globals.G_submission_id = pickle.load(in_file)
+    with open(snakemake.input[5], 'rb') as in_file:
+        globals.G_results_4 = pickle.load(in_file)
+    with open(snakemake.input[6], 'rb') as in_file:
+        globals.G_X_train = pickle.load(in_file)
+    with open(snakemake.input[7], 'rb') as in_file:
+        grid_search_clf_9 = pickle.load(in_file)
+    with open(snakemake.input[8], 'rb') as in_file:
+        globals.G_y_train = pickle.load(in_file)
+    with open(snakemake.input[9], 'rb') as in_file:
+        globals.G_X_test = pickle.load(in_file)
+    
+    globals.G_Y_pred = grid_search_clf_9.predict(globals.G_X_test)
+    globals.G_Y_pred_4=globals.G_Y_pred
+    
+    clf_train_acc = round(grid_search_clf_9.score(globals.G_X_train, globals.G_y_train) * 100, 2)
+    print(globals.G_current_clf_name_4, " trained and used for prediction on test data...")
+    clf_train_acc_4=clf_train_acc
+    
+    globals.G_results_4[globals.G_current_clf_name_4]=clf_train_acc_4
+    globals.G_results_5=globals.G_results_4
+    
+    models_4.append(clf5)
+    G_save_result()
+    models_5=models_4
+    
+    results5 = "Saved results"
+    print()
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.G_results_5, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_177.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_177.py
new file mode 100644
index 0000000000000000000000000000000000000000..979ae5493474f344fe2fc5f003b062eafec4b24c
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_177.py
@@ -0,0 +1,38 @@
+import sys
+import pickle
+import globals
+import numpy as np
+from funcs.functions import D_increment2, D_initialize_arrays, D_increment1, D_fill_arrays
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.G_results_5 = pickle.load(in_file)
+    
+    for clf_name, train_acc in globals.G_results_5.items():
+              print("{} train accuracy is {:.3f}".format(clf_name, train_acc))
+    
+    D_initialize_arrays()
+    
+    D_increment1(0)
+    globals.D_dummy_array1_1=globals.D_dummy_array1
+    
+    D_increment1(0)
+    globals.D_dummy_array1_2=globals.D_dummy_array1_1
+    
+    D_initialize_arrays()
+    globals.D_dummy_array2_1=globals.D_dummy_array2
+    globals.D_dummy_array1_3=globals.D_dummy_array1
+    
+    D_increment2(1)
+    globals.D_dummy_array2_2=globals.D_dummy_array2_1
+    
+    D_increment2(2)
+    globals.D_dummy_array2_3=globals.D_dummy_array2_2
+    
+    for i in range(0,100):
+        D_increment2(i)
+    globals.D_dummy_array2_4=globals.D_dummy_array2_3
+
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.D_dummy_array2_4)
\ No newline at end of file
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_23.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_23.py
new file mode 100644
index 0000000000000000000000000000000000000000..9555262eb1ab211731c1f12ba33723f52dd29b99
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_23.py
@@ -0,0 +1,15 @@
+import sys
+import pickle
+import pandas as pd
+import os
+import warnings
+
+if __name__ == '__main__':
+
+    
+    print(os.listdir("data"))
+    warnings.filterwarnings('ignore')
+    print("Warnings were ignored")
+    train = pd.read_csv(snakemake.input[0])
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(train, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_27.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_27.py
new file mode 100644
index 0000000000000000000000000000000000000000..bf5cb50c3d7800c7f9e3c4512feb9eaaa4959c8b
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_27.py
@@ -0,0 +1,49 @@
+import sys
+import pickle
+import globals
+import pandas as pd
+from funcs.functions import O__get_all_data
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        train = pickle.load(in_file)
+    
+    test = pd.read_csv(snakemake.input[1])
+    print("ObjectOrientedTitanic object created")
+    
+    globals.O_testPassengerID=test['PassengerId']
+    
+    globals.O_number_of_train=train.shape[0]
+    
+    globals.O_y_train=train['Survived']
+    
+    globals.O_train=train.drop('Survived', axis=1)
+    
+    globals.O_test=test
+    
+    globals.O_all_data=O__get_all_data()
+    print("Information object created")
+    
+    globals.S_dats=None
+    print("Preprocess object created")
+    print("Visualizer object created!")
+    print("GridSearchHelper Created")
+    
+    globals.G_gridSearchCV=None
+    
+    globals.G_clf_and_params=list()
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.O_testPassengerID, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.O_y_train, out_file)
+    with open(snakemake.output[2], 'wb') as out_file:
+        pickle.dump(globals.O_number_of_train, out_file)
+    with open(snakemake.output[3], 'wb') as out_file:
+        pickle.dump(globals.O_all_data, out_file)
+    with open(snakemake.output[4], 'wb') as out_file:
+        pickle.dump(globals.O_test, out_file)
+    with open(snakemake.output[5], 'wb') as out_file:
+        pickle.dump(globals.O_train, out_file)
+    with open(snakemake.output[6], 'wb') as out_file:
+        pickle.dump(globals.G_clf_and_params, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_42.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_42.py
new file mode 100644
index 0000000000000000000000000000000000000000..2711033c214e2afac08907b2cedb790f5e818a50
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_42.py
@@ -0,0 +1,34 @@
+import sys
+import pickle
+import globals
+import numpy as np
+from sklearn.linear_model import LogisticRegression
+from sklearn.neighbors import KNeighborsClassifier
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.G_clf_and_params = pickle.load(in_file)
+    
+    clf= KNeighborsClassifier()
+    
+    params={'n_neighbors':[5,7,9,11,13,15],
+                      'leaf_size':[1,2,3,5],
+                      'weights':['uniform', 'distance']
+                      }
+    
+    globals.G_clf_and_params.append((clf, params))
+    globals.G_clf_and_params_1=globals.G_clf_and_params
+    
+    clf=LogisticRegression()
+    clf_1=clf
+    
+    params={'penalty':['l1', 'l2'],
+                            'C':np.logspace(0, 4, 10)
+                            }
+    params_1=params
+    
+    globals.G_clf_and_params_1.append((clf_1, params_1))
+    globals.G_clf_and_params_2=globals.G_clf_and_params_1
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.G_clf_and_params_2, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_48.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_48.py
new file mode 100644
index 0000000000000000000000000000000000000000..6020d002334f552147b9451e9fe0235c3c78e291
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_48.py
@@ -0,0 +1,34 @@
+import sys
+import pickle
+import globals
+from sklearn.svm import SVC
+from sklearn.tree import DecisionTreeClassifier
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.G_clf_and_params_2 = pickle.load(in_file)
+    
+    clf = SVC()
+    clf_2=clf
+    
+    params = [ {'C': [1, 10, 100, 1000], 'kernel': ['linear']},
+                               {'C': [1, 10, 100, 1000], 'gamma': [0.001, 0.0001], 'kernel': ['rbf']}]
+    params_2=params
+    
+    globals.G_clf_and_params_2.append((clf_2, params_2))
+    globals.G_clf_and_params_3=globals.G_clf_and_params_2
+    
+    clf=DecisionTreeClassifier()
+    clf_3=clf
+    
+    params={'max_features': ['auto', 'sqrt', 'log2'],
+                      'min_samples_split': [2,3,4,5,6,7,8,9,10,11,12,13,14,15],
+                      'min_samples_leaf':[1],
+                      'random_state':[123]}
+    params_3=params
+    
+    globals.G_clf_and_params_3.append((clf_3,params_3))
+    globals.G_clf_and_params_4=globals.G_clf_and_params_3
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.G_clf_and_params_4, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_54.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_54.py
new file mode 100644
index 0000000000000000000000000000000000000000..94e9984b24d2d088f05890dd79e70cb82b6dd76a
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_54.py
@@ -0,0 +1,22 @@
+import sys
+import pickle
+from sklearn.ensemble import RandomForestClassifier
+
+if __name__ == '__main__':
+
+    
+    clf = RandomForestClassifier()
+    clf_4=clf
+    
+    params = {'n_estimators': [4, 6, 9],
+                          'max_features': ['log2', 'sqrt','auto'],
+                          'criterion': ['entropy', 'gini'],
+                          'max_depth': [2, 3, 5, 10],
+                          'min_samples_split': [2, 3, 5],
+                          'min_samples_leaf': [1,5,8]
+                         }
+    params_4=params
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(params_4, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(clf_4, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_56.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_56.py
new file mode 100644
index 0000000000000000000000000000000000000000..b79feaf1493a6a2e589c9018584c7a299744e398
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_56.py
@@ -0,0 +1,46 @@
+import sys
+import pickle
+import globals
+from sklearn.ensemble import RandomForestClassifier
+import pandas as pd
+import numpy as np
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.O_all_data = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        params_4 = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.G_clf_and_params_4 = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        clf_4 = pickle.load(in_file)
+    
+    globals.G_clf_and_params_4.append((clf_4, params_4))
+    globals.G_clf_and_params_5=globals.G_clf_and_params_4
+    
+    feature_dtypes=globals.O_all_data.dtypes
+    
+    missing_values = globals.O_all_data.isnull().sum()
+    
+    missing_values = missing_values.sort_values(ascending=False)
+    missing_values_1=missing_values
+    
+    globals.I_missing_values = missing_values_1
+    print("=" * 50)
+    print("{:16} {:16} {:25} {:16}".format("Feature Name".upper(),
+                                                                "Data Format".upper(),
+                                                                "# of Missing Values".upper(),
+                                                                "Samples".upper()))
+    
+    for feature_name, dtype, missing_value in zip(globals.I_missing_values.index.values,
+                                                  feature_dtypes[globals.I_missing_values.index.values],
+                                                  globals.I_missing_values.values):
+        print("{:18} {:19} {:19} ".format(feature_name, str(dtype), str(missing_value)), end="")
+        for v in globals.O_all_data[feature_name].values[:10]:
+            print(v, end=",")
+        print()
+    print("="*50)
+    feature_dtypes_1=feature_dtypes
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.G_clf_and_params_5, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_65.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_65.py
new file mode 100644
index 0000000000000000000000000000000000000000..66774025dc632b2aab3bd1056edf3b7e7fcd7382
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_65.py
@@ -0,0 +1,21 @@
+import sys
+import pickle
+import globals
+import pandas as pd
+from funcs.functions import O__get_all_data
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.O_test = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.O_train = pickle.load(in_file)
+    
+    globals.O_strategy_type='strategy1'
+    
+    globals.S_dats=O__get_all_data()
+    globals.S_dats_1=globals.S_dats
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.O_strategy_type, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.S_dats_1, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_67.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_67.py
new file mode 100644
index 0000000000000000000000000000000000000000..04eacbe6cd24ac923da6e3fa889bf5d19b08d711
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_67.py
@@ -0,0 +1,39 @@
+import sys
+import pickle
+import globals
+import pandas as pd
+from funcs.functions import P_drop
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.S_dats_1 = pickle.load(in_file)
+    
+    drop_strategy = {'PassengerId': 1,  
+                                     'Cabin': 1,
+                                     'Ticket': 1}
+    
+    globals.S_dats_1 = P_drop(globals.S_dats_1, drop_strategy)
+    globals.S_dats_2=globals.S_dats_1
+    
+    fill_strategy = {'Age': 'Median',
+                                     'Fare': 'Median',
+                                     'Embarked': 'Mode'}
+    
+    for column, strategy in fill_strategy.items():
+        if strategy == 'None':
+            globals.S_dats_2[column] = globals.S_dats_2[column].fillna('None')
+        elif strategy == 'Zero':
+            globals.S_dats_2[column] = globals.S_dats_2[column].fillna(0)
+        elif strategy == 'Mode':
+            globals.S_dats_2[column] = globals.S_dats_2[column].fillna(globals.S_dats_2[column].mode()[0])
+        elif strategy == 'Mean':
+            globals.S_dats_2[column] = globals.S_dats_2[column].fillna(globals.S_dats_2[column].mean())
+        elif strategy == 'Median':
+            globals.S_dats_2[column] = globals.S_dats_2[column].fillna(globals.S_dats_2[column].median())
+        else:
+            print("{}: There is no such thing as preprocess strategy".format(strategy))
+    fill_strategy_1=fill_strategy
+    globals.S_dats_3=globals.S_dats_2
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.S_dats_3, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_71.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_71.py
new file mode 100644
index 0000000000000000000000000000000000000000..c64629b622f0e70df56eec3671c285ab5530bef0
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_71.py
@@ -0,0 +1,30 @@
+import sys
+import pickle
+import globals
+import pandas as pd
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.S_dats_3 = pickle.load(in_file)
+    
+    globals.S_dats_3 = globals.S_dats_3
+    globals.S_dats_4=globals.S_dats_3
+    
+    globals.S_dats_4['FamilySize'] = globals.S_dats_4['SibSp'] + globals.S_dats_4['Parch'] + 1
+    globals.S_dats_5=globals.S_dats_4
+    
+    globals.S_dats_5['IsAlone'] = 1
+    globals.S_dats_6=globals.S_dats_5
+    
+    globals.S_dats_6.loc[(globals.S_dats_6['FamilySize'] > 1), 'IsAlone'] = 0
+    globals.S_dats_7=globals.S_dats_6
+    
+    globals.S_dats_7['Title'] = globals.S_dats_7['Name'].str.split(", ", expand=True)[1].str.split('.', expand=True)[0]
+    globals.S_dats_8=globals.S_dats_7
+    
+    min_lengtht = 10
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.S_dats_8, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(min_lengtht, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_77.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_77.py
new file mode 100644
index 0000000000000000000000000000000000000000..3e26178bca9ef2383bf60d025f91ca236ae94148
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_77.py
@@ -0,0 +1,34 @@
+import sys
+import pickle
+import globals
+import pandas as pd
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.S_dats_8 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        min_lengtht = pickle.load(in_file)
+    
+    title_names = (globals.S_dats_8['Title'].value_counts() < min_lengtht)
+    
+    globals.S_dats_8['Title'] = globals.S_dats_8['Title'].apply(lambda x: 'Misc' if title_names.loc[x] == True else x)
+    globals.S_dats_9=globals.S_dats_8
+    
+    globals.S_dats_9 = globals.S_dats_9
+    globals.S_dats_10=globals.S_dats_9
+    
+    globals.S_dats_10['FareBin'] = pd.qcut(globals.S_dats_10['Fare'], 4)
+    globals.S_dats_11=globals.S_dats_10
+    
+    globals.S_dats_11['AgeBin'] = pd.cut(globals.S_dats_11['Age'].astype(int), 5)
+    globals.S_dats_12=globals.S_dats_11
+    
+    drop_strategy = {'Age': 1,  
+                        'Name': 1,
+                        'Fare': 1}
+    drop_strategy_1=drop_strategy
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(drop_strategy_1, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.S_dats_12, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_83.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_83.py
new file mode 100644
index 0000000000000000000000000000000000000000..c863c9bc84679af33754e0d0effd82a1aa9f2c6c
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_83.py
@@ -0,0 +1,44 @@
+import sys
+import pickle
+import globals
+import pandas as pd
+from sklearn.preprocessing import LabelEncoder
+from funcs.functions import P_drop
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        drop_strategy_1 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.S_dats_12 = pickle.load(in_file)
+    
+    globals.S_dats_12 = P_drop(globals.S_dats_12, drop_strategy_1)
+    globals.S_dats_13=globals.S_dats_12
+    
+    globals.S_dats_13 = globals.S_dats_13
+    globals.S_dats_14=globals.S_dats_13
+    
+    labelEncoder=LabelEncoder()
+    
+    for column in globals.S_dats_14.columns.values:
+        if 'int64'==globals.S_dats_14[column].dtype or 'float64'==globals.S_dats_14[column].dtype or 'int64'==globals.S_dats_14[column].dtype:
+            continue
+        labelEncoder.fit(globals.S_dats_14[column])
+        globals.S_dats_14[column]=labelEncoder.transform(globals.S_dats_14[column])
+    labelEncoder_1=labelEncoder
+    globals.S_dats_15=globals.S_dats_14
+    column_1=column
+    
+    globals.S_dats_15 = globals.S_dats_15
+    globals.S_dats_16=globals.S_dats_15
+    
+    non_dummies = list()
+    
+    for col in globals.S_dats_16.columns.values:
+        if col not in ['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']:
+            non_dummies.append(col)
+    non_dummies_1=non_dummies
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(non_dummies_1, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.S_dats_16, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_90.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_90.py
new file mode 100644
index 0000000000000000000000000000000000000000..3c07b17f40da5ffda9775d469e620ac11a905503
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_90.py
@@ -0,0 +1,13 @@
+import sys
+import pickle
+
+if __name__ == '__main__':
+
+    
+    columns=['Pclass', 'Sex', 'Parch', 'Embarked', 'Title', 'IsAlone']
+    
+    dummies_dat = list()
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(dummies_dat, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(columns, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_92.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_92.py
new file mode 100644
index 0000000000000000000000000000000000000000..3f607fe4d92424f5f8999445d74488f2c09c3361
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_92.py
@@ -0,0 +1,49 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+from funcs.functions import O__get_train_and_test
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.O_number_of_train = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        non_dummies_1 = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.S_dats_16 = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        dummies_dat = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        columns = pickle.load(in_file)
+    
+    for col in columns:
+        dummies_dat.append(pd.get_dummies(globals.S_dats_16[col],prefix=col))
+    col_1=col
+    columns_1=columns
+    dummies_dat_1=dummies_dat
+    
+    for non_dummy in non_dummies_1:
+        dummies_dat_1.append(globals.S_dats_16[non_dummy])
+    dummies_dat_2=dummies_dat_1
+    non_dummies_2=non_dummies_1
+    
+    globals.S_dats = pd.concat(dummies_dat_2, axis=1)
+    globals.S_dats_17=globals.S_dats
+    
+    globals.O_all_data = globals.S_dats_17
+    globals.O_all_data_1=globals.O_all_data
+    
+    O__get_train_and_test()
+    
+    if None is None:
+        features=globals.O_X_train.columns.values
+    else:
+        features=globals.O_X_train.columns.values[:None]
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.O_all_data_1, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.O_X_train, out_file)
+    with open(snakemake.output[2], 'wb') as out_file:
+        pickle.dump(features, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_98.py b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_98.py
new file mode 100644
index 0000000000000000000000000000000000000000..6f8632cf68b504ab879d451284c1c324dabcb13a
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/big_demo_workflow/scripts/rule_98.py
@@ -0,0 +1,64 @@
+import sys
+import pickle
+import globals
+import numpy as np
+import pandas as pd
+import matplotlib.pyplot as plt
+from yellowbrick.features import RadViz
+from funcs.functions import O__get_train_and_test
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        globals.G_clf_and_params_5 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        globals.O_strategy_type = pickle.load(in_file)
+    with open(snakemake.input[2], 'rb') as in_file:
+        globals.O_testPassengerID = pickle.load(in_file)
+    with open(snakemake.input[3], 'rb') as in_file:
+        globals.O_y_train = pickle.load(in_file)
+    with open(snakemake.input[4], 'rb') as in_file:
+        globals.O_number_of_train = pickle.load(in_file)
+    with open(snakemake.input[5], 'rb') as in_file:
+        globals.O_all_data_1 = pickle.load(in_file)
+    with open(snakemake.input[6], 'rb') as in_file:
+        globals.O_X_train = pickle.load(in_file)
+    with open(snakemake.input[7], 'rb') as in_file:
+        features = pickle.load(in_file)
+    
+    fig, ax=plt.subplots(1, figsize=(15,12))
+    
+    radViz=RadViz(classes=['survived', 'not survived'], features=features)
+    
+    radViz.fit(globals.O_X_train, globals.O_y_train)
+    radViz.transform(globals.O_X_train)
+    radViz.poof()
+    radViz_1=radViz
+    
+    O__get_train_and_test()
+    globals.O_X_test_1=globals.O_X_test
+    globals.O_X_train_1=globals.O_X_train
+    
+    globals.G_X_train=globals.O_X_train_1
+    
+    globals.G_X_test=globals.O_X_test_1
+    
+    globals.G_y_train=globals.O_y_train
+    
+    globals.G_submission_id=globals.O_testPassengerID
+    
+    globals.G_strategy_type=globals.O_strategy_type
+    
+    clf_and_params = globals.G_clf_and_params_5
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(globals.G_strategy_type, out_file)
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(globals.G_submission_id, out_file)
+    with open(snakemake.output[2], 'wb') as out_file:
+        pickle.dump(globals.G_X_train, out_file)
+    with open(snakemake.output[3], 'wb') as out_file:
+        pickle.dump(globals.G_y_train, out_file)
+    with open(snakemake.output[4], 'wb') as out_file:
+        pickle.dump(globals.G_X_test, out_file)
+    with open(snakemake.output[5], 'wb') as out_file:
+        pickle.dump(clf_and_params, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/Snakefile b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/Snakefile
new file mode 100644
index 0000000000000000000000000000000000000000..a5be1d5eea7a7785dff6a2ca8235718094966a4f
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/Snakefile
@@ -0,0 +1,2 @@
+include: 'rules/rule_catalogue_1.smk'
+
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/a_1.pkl b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/a_1.pkl
new file mode 100644
index 0000000000000000000000000000000000000000..1d4333a6daf1ad76549e610fcf16470c5bf9592a
Binary files /dev/null and b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/a_1.pkl differ
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/array.csv b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/array.csv
new file mode 100644
index 0000000000000000000000000000000000000000..5f872d6d57615ae2d6714eb9a9c8c4c1bf34e95f
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/array.csv
@@ -0,0 +1,101 @@
+,0
+0,1
+1,2
+2,3
+3,4
+4,5
+5,6
+6,7
+7,8
+8,9
+9,10
+10,11
+11,12
+12,13
+13,14
+14,15
+15,16
+16,17
+17,18
+18,19
+19,20
+20,21
+21,22
+22,23
+23,24
+24,25
+25,26
+26,27
+27,28
+28,29
+29,30
+30,31
+31,32
+32,33
+33,34
+34,35
+35,36
+36,37
+37,38
+38,39
+39,40
+40,41
+41,42
+42,43
+43,44
+44,45
+45,46
+46,47
+47,48
+48,49
+49,50
+50,51
+51,52
+52,53
+53,54
+54,55
+55,56
+56,57
+57,58
+58,59
+59,60
+60,61
+61,62
+62,63
+63,64
+64,65
+65,66
+66,67
+67,68
+68,69
+69,70
+70,71
+71,72
+72,73
+73,74
+74,75
+75,76
+76,77
+77,78
+78,79
+79,80
+80,81
+81,82
+82,83
+83,84
+84,85
+85,86
+86,87
+87,88
+88,89
+89,90
+90,91
+91,92
+92,93
+93,94
+94,95
+95,96
+96,97
+97,98
+98,99
+99,99
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghost.png b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghost.png
new file mode 100644
index 0000000000000000000000000000000000000000..4d6edccdd2ca31015be39122e19c239fa03a5834
Binary files /dev/null and b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghost.png differ
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostDF.pkl b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostDF.pkl
new file mode 100644
index 0000000000000000000000000000000000000000..3e0aebf7e2165b13da93f1d6f20fd1163d3d2895
Binary files /dev/null and b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostDF.pkl differ
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostDF_1.pkl b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostDF_1.pkl
new file mode 100644
index 0000000000000000000000000000000000000000..3e0aebf7e2165b13da93f1d6f20fd1163d3d2895
Binary files /dev/null and b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostDF_1.pkl differ
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostPokemon.csv b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostPokemon.csv
new file mode 100644
index 0000000000000000000000000000000000000000..44899912f3565fee5ecaf9c89f05c000c4bdfc0b
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/ghostPokemon.csv
@@ -0,0 +1,651 @@
+,abilities,against_bug,against_dark,against_dragon,against_electric,against_fairy,against_fight,against_fire,against_flying,against_ghost,against_grass,against_ground,against_ice,against_normal,against_poison,against_psychic,against_rock,against_steel,against_water,attack,base_egg_steps,base_happiness,base_total,capture_rate,classfication,defense,experience_growth,height_m,hp,japanese_name,name,percentage_male,pokedex_number,sp_attack,sp_defense,speed,type1,type2,weight_kg,generation,is_legendary
+0,"['Overgrow', 'Chlorophyll']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,49,5120,70,318,45,Seed Pokémon,49,1059860,0.7,45,Fushigidaneフシギダネ,Bulbasaur,88.1,1,65,65,45,grass,poison,6.9,1,0
+1,"['Overgrow', 'Chlorophyll']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,62,5120,70,405,45,Seed Pokémon,63,1059860,1.0,60,Fushigisouフシギソウ,Ivysaur,88.1,2,80,80,60,grass,poison,13.0,1,0
+2,"['Overgrow', 'Chlorophyll']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,100,5120,70,625,45,Seed Pokémon,123,1059860,2.0,80,Fushigibanaフシギバナ,Venusaur,88.1,3,122,120,80,grass,poison,100.0,1,0
+3,"['Blaze', 'Solar Power']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,52,5120,70,309,45,Lizard Pokémon,43,1059860,0.6,39,Hitokageヒトカゲ,Charmander,88.1,4,60,50,65,fire,,8.5,1,0
+4,"['Blaze', 'Solar Power']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,64,5120,70,405,45,Flame Pokémon,58,1059860,1.1,58,Lizardoリザード,Charmeleon,88.1,5,80,65,80,fire,,19.0,1,0
+5,"['Blaze', 'Solar Power']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,104,5120,70,634,45,Flame Pokémon,78,1059860,1.7,78,Lizardonリザードン,Charizard,88.1,6,159,115,100,fire,flying,90.5,1,0
+6,"['Torrent', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,48,5120,70,314,45,Tiny Turtle Pokémon,65,1059860,0.5,44,Zenigameゼニガメ,Squirtle,88.1,7,50,64,43,water,,9.0,1,0
+7,"['Torrent', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,63,5120,70,405,45,Turtle Pokémon,80,1059860,1.0,59,Kameilカメール,Wartortle,88.1,8,65,80,58,water,,22.5,1,0
+8,"['Torrent', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,103,5120,70,630,45,Shellfish Pokémon,120,1059860,1.6,79,Kamexカメックス,Blastoise,88.1,9,135,115,78,water,,85.5,1,0
+9,"['Shield Dust', 'Run Away']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,30,3840,70,195,255,Worm Pokémon,35,1000000,0.3,45,Caterpieキャタピー,Caterpie,50.0,10,20,20,45,bug,,2.9,1,0
+10,['Shed Skin'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,20,3840,70,205,120,Cocoon Pokémon,55,1000000,0.7,50,Transelトランセル,Metapod,50.0,11,25,25,30,bug,,9.9,1,0
+11,"['Compoundeyes', 'Tinted Lens']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,45,3840,70,395,45,Butterfly Pokémon,50,1000000,1.1,60,Butterfreeバタフリー,Butterfree,50.0,12,90,80,70,bug,flying,32.0,1,0
+12,"['Shield Dust', 'Run Away']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,35,3840,70,195,255,Hairy Pokémon,30,1000000,0.3,40,Beedleビードル,Weedle,50.0,13,20,20,50,bug,poison,3.2,1,0
+13,['Shed Skin'],0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,25,3840,70,205,120,Cocoon Pokémon,50,1000000,0.6,45,Cocoonコクーン,Kakuna,50.0,14,25,25,35,bug,poison,10.0,1,0
+14,"['Swarm', 'Sniper']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,150,3840,70,495,45,Poison Bee Pokémon,40,1000000,1.0,65,Spearスピアー,Beedrill,50.0,15,15,80,145,bug,poison,29.5,1,0
+22,"['Intimidate', 'Shed Skin', 'Unnerve']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,60,5120,70,288,255,Snake Pokémon,44,1000000,2.0,35,Arboアーボ,Ekans,50.0,23,40,54,55,poison,,6.9,1,0
+23,"['Intimidate', 'Shed Skin', 'Unnerve']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,95,5120,70,448,90,Cobra Pokémon,69,1000000,3.5,60,Arbokアーボック,Arbok,50.0,24,65,79,80,poison,,65.0,1,0
+24,"['Static', 'Lightningrod']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,2560,70,320,190,Mouse Pokémon,40,1000000,0.4,35,Pikachuピカチュウ,Pikachu,50.0,25,50,50,90,electric,,6.0,1,0
+25,"['Static', 'Lightningrod', 'Surge Surfer']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,2560,70,485,75,Mouse Pokémon,50,1000000,,60,Raichuライチュウ,Raichu,50.0,26,95,85,110,electric,electric,,1,0
+26,"['Sand Veil', 'Sand Rush', 'Snow Cloak', 'Slush Rush']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,75,5120,70,300,255,Mouse Pokémon,90,1000000,,50,Sandサンド,Sandshrew,50.0,27,10,35,40,ground,ice,,1,0
+27,"['Sand Veil', 'Sand Rush', 'Snow Cloak', 'Slush Rush']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,450,90,Mouse Pokémon,120,1000000,,75,Sandpanサンドパン,Sandslash,50.0,28,25,65,65,ground,ice,,1,0
+28,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,47,5120,70,275,235,Poison Pin Pokémon,52,1059860,0.4,55,Nidoran?ニドラン♀,Nidoran♀,0.0,29,40,40,41,poison,,7.0,1,0
+29,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,62,5120,70,365,120,Poison Pin Pokémon,67,1059860,0.8,70,Nidorinaニドリーナ,Nidorina,0.0,30,55,55,56,poison,,20.0,1,0
+30,"['Poison Point', 'Rivalry', 'Sheer Force']",0.5,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,2.0,1.0,0.25,2.0,0.5,1.0,2.0,92,5120,70,505,45,Drill Pokémon,87,1059860,1.3,90,Nidoqueenニドクイン,Nidoqueen,0.0,31,75,85,76,poison,ground,60.0,1,0
+31,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,57,5120,70,273,235,Poison Pin Pokémon,40,1059860,0.5,46,Nidoran?ニドラン♂,Nidoran♂,100.0,32,40,40,50,poison,,9.0,1,0
+32,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,72,5120,70,365,120,Poison Pin Pokémon,57,1059860,0.9,61,Nidorinoニドリーノ,Nidorino,100.0,33,55,55,65,poison,,19.5,1,0
+33,"['Poison Point', 'Rivalry', 'Sheer Force']",0.5,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,2.0,1.0,0.25,2.0,0.5,1.0,2.0,102,5120,70,505,45,Drill Pokémon,77,1059860,1.4,81,Nidokingニドキング,Nidoking,100.0,34,85,75,85,poison,ground,62.0,1,0
+34,"['Cute Charm', 'Magic Guard', 'Friend Guard']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,45,2560,140,323,150,Fairy Pokémon,48,800000,0.6,70,Pippiピッピ,Clefairy,24.6,35,60,65,35,fairy,,7.5,1,0
+35,"['Cute Charm', 'Magic Guard', 'Unaware']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,70,2560,140,483,25,Fairy Pokémon,73,800000,1.3,95,Pixyピクシー,Clefable,24.6,36,95,90,60,fairy,,40.0,1,0
+36,"['Flash Fire', 'Drought', 'Snow Cloak', 'Snow Warning']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,41,5120,70,299,190,Fox Pokémon,40,1000000,,38,Rokonロコン,Vulpix,24.6,37,50,65,65,fire,ice,,1,0
+37,"['Flash Fire', 'Drought', 'Snow Cloak', 'Snow Warning']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,67,5120,70,505,75,Fox Pokémon,75,1000000,,73,Kyukonキュウコン,Ninetales,24.6,38,81,100,109,fire,ice,,1,0
+40,"['Inner Focus', 'Infiltrator']",0.25,1.0,1.0,2.0,0.5,0.25,1.0,1.0,1.0,0.25,0.0,2.0,1.0,0.5,2.0,2.0,1.0,1.0,45,3840,70,245,255,Bat Pokémon,35,1000000,0.8,40,Zubatズバット,Zubat,50.0,41,30,40,55,poison,flying,7.5,1,0
+41,"['Inner Focus', 'Infiltrator']",0.25,1.0,1.0,2.0,0.5,0.25,1.0,1.0,1.0,0.25,0.0,2.0,1.0,0.5,2.0,2.0,1.0,1.0,80,3840,70,455,90,Bat Pokémon,70,1000000,1.6,75,Golbatゴルバット,Golbat,50.0,42,65,75,90,poison,flying,55.0,1,0
+42,"['Chlorophyll', 'Run Away']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,50,5120,70,320,255,Weed Pokémon,55,1059860,0.5,45,Nazonokusaナゾノクサ,Oddish,50.0,43,75,65,30,grass,poison,5.4,1,0
+43,"['Chlorophyll', 'Stench']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,65,5120,70,395,120,Weed Pokémon,70,1059860,0.8,60,Kusaihanaクサイハナ,Gloom,50.0,44,85,75,40,grass,poison,8.6,1,0
+44,"['Chlorophyll', 'Effect Spore']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,80,5120,70,490,45,Flower Pokémon,85,1059860,1.2,75,Ruffresiaラフレシア,Vileplume,50.0,45,110,90,50,grass,poison,18.6,1,0
+45,"['Effect Spore', 'Dry Skin', 'Damp']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,70,5120,70,285,190,Mushroom Pokémon,55,1000000,0.3,35,Parasパラス,Paras,50.0,46,45,55,25,bug,grass,5.4,1,0
+46,"['Effect Spore', 'Dry Skin', 'Damp']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,95,5120,70,405,75,Mushroom Pokémon,80,1000000,1.0,60,Parasectパラセクト,Parasect,50.0,47,60,80,30,bug,grass,29.5,1,0
+47,"['Compoundeyes', 'Tinted Lens', 'Run Away']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,55,5120,70,305,190,Insect Pokémon,50,1000000,1.0,60,Kongpangコンパン,Venonat,50.0,48,40,55,45,bug,poison,30.0,1,0
+48,"['Shield Dust', 'Tinted Lens', 'Wonder Skin ']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,65,5120,70,450,75,Poison Moth Pokémon,60,1000000,1.5,70,Morphonモルフォン,Venomoth,50.0,49,90,75,90,bug,poison,12.5,1,0
+49,"['Sand Veil', 'Arena Trap', 'Sand Force', 'Sand Veil', 'Tangling Hair', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,55,5120,70,265,255,Mole Pokémon,30,1000000,,10,Digdaディグダ,Diglett,50.0,50,35,45,90,ground,ground,,1,0
+50,"['Sand Veil', 'Arena Trap', 'Sand Force', 'Sand Veil', 'Tangling Hair', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,425,50,Mole Pokémon,60,1000000,,35,Dugtrioダグトリオ,Dugtrio,50.0,51,50,70,110,ground,ground,,1,0
+53,"['Damp', 'Cloud Nine', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,52,5120,70,320,190,Duck Pokémon,48,1000000,0.8,50,Koduckコダック,Psyduck,50.0,54,65,50,55,water,,19.6,1,0
+54,"['Damp', 'Cloud Nine', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,82,5120,70,500,75,Duck Pokémon,78,1000000,1.7,80,Golduckゴルダック,Golduck,50.0,55,95,80,85,water,,76.6,1,0
+55,"['Vital Spirit', 'Anger Point', 'Defiant']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,80,5120,70,305,190,Pig Monkey Pokémon,35,1000000,0.5,40,Mankeyマンキー,Mankey,50.0,56,35,45,70,fighting,,28.0,1,0
+56,"['Vital Spirit', 'Anger Point', 'Defiant']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,105,5120,70,455,75,Pig Monkey Pokémon,60,1000000,1.0,65,Okorizaruオコリザル,Primeape,50.0,57,60,70,95,fighting,,32.0,1,0
+57,"['Intimidate', 'Flash Fire', 'Justified']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,70,5120,70,350,190,Puppy Pokémon,45,1250000,0.7,55,Gardieガーディ,Growlithe,75.4,58,70,50,60,fire,,19.0,1,0
+58,"['Intimidate', 'Flash Fire', 'Justified']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,110,5120,70,555,75,Legendary Pokémon,80,1250000,1.9,90,Windieウインディ,Arcanine,75.4,59,100,80,95,fire,,155.0,1,0
+59,"['Water Absorb', 'Damp', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,50,5120,70,300,255,Tadpole Pokémon,40,1059860,0.6,40,Nyoromoニョロモ,Poliwag,50.0,60,40,40,90,water,,12.4,1,0
+60,"['Water Absorb', 'Damp', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,385,120,Tadpole Pokémon,65,1059860,1.0,65,Nyorozoニョロゾ,Poliwhirl,50.0,61,50,50,90,water,,20.0,1,0
+61,"['Water Absorb', 'Damp', 'Swift Swim']",0.5,0.5,1.0,2.0,2.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,1.0,1.0,2.0,0.5,0.5,0.5,95,5120,70,510,45,Tadpole Pokémon,95,1059860,1.3,90,Nyorobonニョロボン,Poliwrath,50.0,62,70,90,70,water,fighting,54.0,1,0
+62,"['Synchronize', 'Inner Focus', 'Magic Guard']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,20,5120,70,310,200,Psi Pokémon,15,1059860,0.9,25,Caseyケーシィ,Abra,75.4,63,105,55,90,psychic,,19.5,1,0
+63,"['Synchronize', 'Inner Focus', 'Magic Guard']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,35,5120,70,400,100,Psi Pokémon,30,1059860,1.3,40,Yungererユンゲラー,Kadabra,75.4,64,120,70,105,psychic,,56.5,1,0
+64,"['Synchronize', 'Inner Focus', 'Magic Guard']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,50,5120,70,600,50,Psi Pokémon,65,1059860,1.5,55,Foodinフーディン,Alakazam,75.4,65,175,105,150,psychic,,48.0,1,0
+65,"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,80,5120,70,305,180,Superpower Pokémon,50,1059860,0.8,70,Wanrikyワンリキー,Machop,75.4,66,35,35,35,fighting,,19.5,1,0
+66,"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,100,5120,70,405,90,Superpower Pokémon,70,1059860,1.5,80,Gorikyゴーリキー,Machoke,75.4,67,50,60,45,fighting,,70.5,1,0
+67,"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,130,5120,70,505,45,Superpower Pokémon,80,1059860,1.6,90,Kairikyカイリキー,Machamp,75.4,68,65,85,55,fighting,,130.0,1,0
+68,"['Chlorophyll', 'Gluttony']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,75,5120,70,300,255,Flower Pokémon,35,1059860,0.7,50,Madatsubomiマダツボミ,Bellsprout,50.0,69,70,30,40,grass,poison,4.0,1,0
+69,"['Chlorophyll', 'Gluttony']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,90,5120,70,390,120,Flycatcher Pokémon,50,1059860,1.0,65,Utsudonウツドン,Weepinbell,50.0,70,85,45,55,grass,poison,6.4,1,0
+70,"['Chlorophyll', 'Gluttony']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,105,5120,70,490,45,Flycatcher Pokémon,65,1059860,1.7,80,Utsubotウツボット,Victreebel,50.0,71,100,70,70,grass,poison,15.5,1,0
+71,"['Clear Body', 'Liquid Ooze', 'Rain Dish']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,40,5120,70,335,190,Jellyfish Pokémon,35,1250000,0.9,40,Menokurageメノクラゲ,Tentacool,50.0,72,50,100,70,water,poison,45.5,1,0
+72,"['Clear Body', 'Liquid Ooze', 'Rain Dish']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,70,5120,70,515,60,Jellyfish Pokémon,65,1250000,1.6,80,Dokukurageドククラゲ,Tentacruel,50.0,73,80,120,100,water,poison,55.0,1,0
+73,"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,80,3840,70,300,255,Rock Pokémon,100,1059860,,40,Isitsubuteイシツブテ,Geodude,50.0,74,30,30,20,rock,ground,,1,0
+74,"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,95,3840,70,390,120,Rock Pokémon,115,1059860,,55,Goloneゴローン,Graveler,50.0,75,45,45,35,rock,ground,,1,0
+75,"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,120,3840,70,495,45,Megaton Pokémon,130,1059860,,80,Golonyaゴローニャ,Golem,50.0,76,55,65,45,rock,ground,,1,0
+76,"['Run Away', 'Flash Fire', 'Flame Body']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,85,5120,70,410,190,Fire Horse Pokémon,55,1000000,1.0,50,Ponytaポニータ,Ponyta,50.0,77,65,65,90,fire,,30.0,1,0
+77,"['Run Away', 'Flash Fire', 'Flame Body']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,100,5120,70,500,60,Fire Horse Pokémon,70,1000000,1.7,65,Gallopギャロップ,Rapidash,50.0,78,80,80,105,fire,,95.0,1,0
+78,"['Oblivious', 'Own Tempo', 'Regenerator']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,65,5120,70,315,190,Dopey Pokémon,65,1000000,1.2,90,Yadonヤドン,Slowpoke,50.0,79,40,40,15,water,psychic,36.0,1,0
+79,"['Oblivious', 'Own Tempo', 'Regenerator']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,75,5120,70,590,75,Hermit Crab Pokémon,180,1000000,1.6,95,Yadoranヤドラン,Slowbro,50.0,80,130,80,30,water,psychic,78.5,1,0
+80,"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,35,5120,70,325,190,Magnet Pokémon,70,1000000,0.3,25,Coilコイル,Magnemite,,81,95,55,45,electric,steel,6.0,1,0
+81,"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,60,5120,70,465,60,Magnet Pokémon,95,1000000,1.0,50,Rarecoilレアコイル,Magneton,,82,120,70,70,electric,steel,60.0,1,0
+85,"['Thick Fat', 'Hydration', 'Ice Body']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,45,5120,70,325,190,Sea Lion Pokémon,55,1000000,1.1,65,Pawouパウワウ,Seel,50.0,86,45,70,45,water,,90.0,1,0
+86,"['Thick Fat', 'Hydration', 'Ice Body']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,70,5120,70,475,75,Sea Lion Pokémon,80,1000000,1.7,90,Jugonジュゴン,Dewgong,50.0,87,70,95,70,water,ice,120.0,1,0
+87,"['Stench', 'Sticky Hold', 'Poison Touch', 'Poison Touch', 'Gluttony', 'Power of Alchemy']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,80,5120,70,325,190,Sludge Pokémon,50,1000000,,80,Betbeterベトベター,Grimer,50.0,88,40,50,25,poison,poison,,1,0
+88,"['Stench', 'Sticky Hold', 'Poison Touch', 'Poison Touch', 'Gluttony', 'Power of Alchemy']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,105,5120,70,500,75,Sludge Pokémon,75,1000000,,105,Betbetonベトベトン,Muk,50.0,89,65,100,50,poison,poison,,1,0
+89,"['Shell Armor', 'Skill Link', 'Overcoat']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,305,190,Bivalve Pokémon,100,1250000,0.3,30,Shellderシェルダー,Shellder,50.0,90,45,25,40,water,,4.0,1,0
+90,"['Shell Armor', 'Skill Link', 'Overcoat']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,95,5120,70,525,60,Bivalve Pokémon,180,1250000,1.5,50,Parshenパルシェン,Cloyster,50.0,91,85,45,70,water,ice,132.5,1,0
+91,['Levitate'],0.25,2.0,1.0,1.0,0.5,0.0,1.0,1.0,2.0,0.5,2.0,1.0,0.0,0.25,2.0,1.0,1.0,1.0,35,5120,70,310,190,Gas Pokémon,30,1059860,1.3,30,Ghosゴース,Gastly,50.0,92,100,35,80,ghost,poison,0.1,1,0
+92,['Levitate'],0.25,2.0,1.0,1.0,0.5,0.0,1.0,1.0,2.0,0.5,2.0,1.0,0.0,0.25,2.0,1.0,1.0,1.0,50,5120,70,405,90,Gas Pokémon,45,1059860,1.6,45,Ghostゴースト,Haunter,50.0,93,115,55,95,ghost,poison,0.1,1,0
+93,['Cursed Body'],0.25,2.0,1.0,1.0,0.5,0.0,1.0,1.0,2.0,0.5,2.0,1.0,0.0,0.25,2.0,1.0,1.0,1.0,65,5120,70,600,45,Shadow Pokémon,80,1059860,1.5,60,Gangarゲンガー,Gengar,50.0,94,170,95,130,ghost,poison,40.5,1,0
+94,"['Rock Head', 'Sturdy', 'Weak Armor']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,45,6400,70,385,45,Rock Snake Pokémon,160,1000000,8.8,35,Iwarkイワーク,Onix,50.0,95,30,45,70,rock,ground,210.0,1,0
+95,"['Insomnia', 'Forewarn', 'Inner Focus']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,48,5120,70,328,190,Hypnosis Pokémon,45,1000000,1.0,60,Sleepeスリープ,Drowzee,50.0,96,43,90,42,psychic,,32.4,1,0
+96,"['Insomnia', 'Forewarn', 'Inner Focus']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,73,5120,70,483,75,Hypnosis Pokémon,70,1000000,1.6,85,Sleeperスリーパー,Hypno,50.0,97,73,115,67,psychic,,75.6,1,0
+97,"['Hyper Cutter', 'Shell Armor', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,325,225,River Crab Pokémon,90,1000000,0.4,30,Crabクラブ,Krabby,50.0,98,25,25,50,water,,6.5,1,0
+98,"['Hyper Cutter', 'Shell Armor', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,130,5120,70,475,60,Pincer Pokémon,115,1000000,1.3,55,Kinglerキングラー,Kingler,50.0,99,50,50,75,water,,60.0,1,0
+99,"['Soundproof', 'Static', 'Aftermath']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,30,5120,70,330,190,Ball Pokémon,50,1000000,0.5,40,Biriridamaビリリダマ,Voltorb,,100,55,55,100,electric,,10.4,1,0
+100,"['Soundproof', 'Static', 'Aftermath']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,50,5120,70,490,60,Ball Pokémon,70,1000000,1.2,60,Marumineマルマイン,Electrode,,101,80,80,150,electric,,66.6,1,0
+101,"['Chlorophyll', 'Harvest']",4.0,2.0,1.0,0.5,1.0,0.5,2.0,2.0,2.0,0.5,0.5,2.0,1.0,2.0,0.5,1.0,1.0,0.5,40,5120,70,325,90,Egg Pokémon,80,1250000,0.4,60,Tamatamaタマタマ,Exeggcute,50.0,102,60,45,40,grass,psychic,2.5,1,0
+102,"['Chlorophyll', 'Harvest', 'Frisk', 'Harvest']",4.0,2.0,1.0,0.5,1.0,0.5,2.0,2.0,2.0,0.5,0.5,2.0,1.0,2.0,0.5,1.0,1.0,0.5,105,5120,70,530,45,Coconut Pokémon,85,1250000,,95,Nassyナッシー,Exeggutor,50.0,103,125,75,45,grass,psychic,,1,0
+103,"['Rock Head', 'Lightningrod', 'Battle Armor']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,50,5120,70,320,190,Lonely Pokémon,95,1000000,0.4,50,Karakaraカラカラ,Cubone,50.0,104,40,50,35,ground,,6.5,1,0
+104,"['Rock Head', 'Lightningrod', 'Battle Armor', 'Cursed Body', 'Lightningrod', 'Rock Head']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,80,5120,70,425,75,Bone Keeper Pokémon,110,1000000,,60,Garagaraガラガラ,Marowak,50.0,105,50,80,45,ground,fire,,1,0
+105,"['Limber', 'Reckless', 'Unburden']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,120,6400,70,455,45,Kicking Pokémon,53,1000000,1.5,50,Sawamularサワムラー,Hitmonlee,100.0,106,35,110,87,fighting,,49.8,1,0
+106,"['Keen Eye', 'Iron Fist', 'Inner Focus']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,105,6400,70,455,45,Punching Pokémon,79,1000000,1.4,50,Ebiwalarエビワラー,Hitmonchan,100.0,107,35,110,76,fighting,,50.2,1,0
+108,['Levitate'],0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,65,5120,70,340,190,Poison Gas Pokémon,95,1000000,0.6,40,Dogarsドガース,Koffing,50.0,109,60,45,35,poison,,1.0,1,0
+109,['Levitate'],0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,90,5120,70,490,60,Poison Gas Pokémon,120,1000000,1.2,65,Matadogasマタドガス,Weezing,50.0,110,85,70,60,poison,,9.5,1,0
+110,"['Lightningrod', 'Rock Head', 'Reckless']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,85,5120,70,345,120,Spikes Pokémon,95,1250000,1.0,80,Sihornサイホーン,Rhyhorn,50.0,111,30,30,25,ground,rock,115.0,1,0
+111,"['Lightningrod', 'Rock Head', 'Reckless']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,130,5120,70,485,60,Drill Pokémon,120,1250000,1.9,105,Sidonサイドン,Rhydon,50.0,112,45,45,40,ground,rock,120.0,1,0
+113,"['Chlorophyll', 'Leaf Guard', 'Regenerator']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,55,5120,70,435,45,Vine Pokémon,115,1000000,1.0,65,Monjaraモンジャラ,Tangela,50.0,114,100,40,60,grass,,35.0,1,0
+115,"['Swift Swim', 'Sniper', 'Damp']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,40,5120,70,295,225,Dragon Pokémon,70,1000000,0.4,30,Tattuタッツー,Horsea,50.0,116,70,25,60,water,,8.0,1,0
+116,"['Poison Point', 'Sniper', 'Damp']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,440,75,Dragon Pokémon,95,1000000,1.2,55,Seadraシードラ,Seadra,50.0,117,95,45,85,water,,25.0,1,0
+117,"['Swift Swim', 'Water Veil', 'Lightningrod']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,67,5120,70,320,225,Goldfish Pokémon,60,1000000,0.6,45,Tosakintoトサキント,Goldeen,50.0,118,35,50,63,water,,15.0,1,0
+118,"['Swift Swim', 'Water Veil', 'Lightningrod']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,92,5120,70,450,60,Goldfish Pokémon,65,1000000,1.3,80,Azumaoアズマオウ,Seaking,50.0,119,65,80,68,water,,39.0,1,0
+119,"['Illuminate', 'Natural Cure', 'Analytic']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,45,5120,70,340,225,Starshape Pokémon,55,1250000,0.8,30,Hitodemanヒトデマン,Staryu,,120,70,55,85,water,,34.5,1,0
+120,"['Illuminate', 'Natural Cure', 'Analytic']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,75,5120,70,520,60,Mysterious Pokémon,85,1250000,1.1,60,Starmieスターミー,Starmie,,121,100,85,115,water,psychic,80.0,1,0
+121,"['Soundproof', 'Filter', 'Technician']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,45,6400,70,460,45,Barrier Pokémon,65,1000000,1.3,40,Barrierdバリヤード,Mr. Mime,50.0,122,100,120,90,psychic,fairy,54.5,1,0
+122,"['Swarm', 'Technician', 'Steadfast']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,110,6400,70,500,45,Mantis Pokémon,80,1000000,1.5,70,Strikeストライク,Scyther,50.0,123,55,80,105,bug,flying,56.0,1,0
+123,"['Oblivious', 'Forewarn', 'Dry Skin']",2.0,2.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,2.0,2.0,1.0,50,6400,70,455,45,Humanshape Pokémon,35,1000000,1.4,65,Rougelaルージュラ,Jynx,0.0,124,115,95,95,ice,psychic,40.6,1,0
+124,"['Static', 'Vital Spirit']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,83,6400,70,490,45,Electric Pokémon,57,1000000,1.1,65,Elebooエレブー,Electabuzz,75.4,125,95,85,105,electric,,30.0,1,0
+125,"['Flame Body', 'Vital Spirit']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,95,6400,70,495,45,Spitfire Pokémon,57,1000000,1.3,65,Booberブーバー,Magmar,75.4,126,100,85,93,fire,,44.5,1,0
+126,"['Hyper Cutter', 'Mold Breaker', 'Moxie']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,155,6400,70,600,45,Stagbeetle Pokémon,120,1250000,1.5,65,Kailiosカイロス,Pinsir,50.0,127,65,90,105,bug,,55.0,1,0
+128,"['Swift Swim', 'Rattled']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,10,1280,70,200,255,Fish Pokémon,55,1250000,0.9,20,Koikingコイキング,Magikarp,50.0,129,15,20,80,water,,10.0,1,0
+129,"['Intimidate', 'Moxie']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,155,1280,70,640,45,Atrocious Pokémon,109,1250000,6.5,95,Gyaradosギャラドス,Gyarados,50.0,130,70,130,81,water,flying,235.0,1,0
+130,"['Water Absorb', 'Shell Armor', 'Hydration']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,85,10240,70,535,45,Transport Pokémon,80,1250000,2.5,130,Laplaceラプラス,Lapras,50.0,131,85,95,60,water,ice,220.0,1,0
+133,"['Water Absorb', 'Hydration']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,8960,70,525,45,Bubble Jet Pokémon,60,1000000,1.0,130,Showersシャワーズ,Vaporeon,88.1,134,110,95,65,water,,29.0,1,0
+134,"['Volt Absorb', 'Quick Feet']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,65,8960,70,525,45,Lightning Pokémon,60,1000000,0.8,65,Thundersサンダース,Jolteon,88.1,135,110,95,130,electric,,24.5,1,0
+135,"['Flash Fire', 'Guts']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,130,8960,70,525,45,Flame Pokémon,60,1000000,0.9,65,Boosterブースター,Flareon,88.1,136,95,110,65,fire,,25.0,1,0
+137,"['Swift Swim', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,40,7680,70,355,45,Spiral Pokémon,100,1000000,0.4,35,Omniteオムナイト,Omanyte,88.1,138,90,55,35,rock,water,7.5,1,0
+138,"['Swift Swim', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,60,7680,70,495,45,Spiral Pokémon,125,1000000,1.0,70,Omstarオムスター,Omastar,88.1,139,115,70,55,rock,water,35.0,1,0
+139,"['Swift Swim', 'Battle Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,80,7680,70,355,45,Shellfish Pokémon,90,1000000,0.5,30,Kabutoカブト,Kabuto,88.1,140,55,45,55,rock,water,11.5,1,0
+140,"['Swift Swim', 'Battle Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,115,7680,70,495,45,Shellfish Pokémon,105,1000000,1.3,60,Kabutopsカブトプス,Kabutops,88.1,141,65,70,80,rock,water,40.5,1,0
+141,"['Rock Head', 'Pressure', 'Unnerve']",0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,135,8960,70,615,45,Fossil Pokémon,85,1250000,1.8,80,Pteraプテラ,Aerodactyl,88.1,142,70,95,150,rock,flying,59.0,1,0
+143,"['Pressure', 'Snow Cloak']",0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,1.0,4.0,2.0,1.0,85,20480,35,580,3,Freeze Pokémon,100,1250000,1.7,90,Freezerフリーザー,Articuno,,144,95,125,85,ice,flying,55.4,1,1
+144,"['Pressure', 'Static']",0.5,1.0,1.0,1.0,1.0,0.5,1.0,0.5,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,0.5,1.0,90,20480,35,580,3,Electric Pokémon,85,1250000,1.6,90,Thunderサンダー,Zapdos,,145,125,90,100,electric,flying,52.6,1,1
+145,"['Pressure', 'Flame Body']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,100,20480,35,580,3,Flame Pokémon,90,1250000,2.0,90,Fireファイヤー,Moltres,,146,125,85,90,fire,flying,60.0,1,1
+146,"['Shed Skin', 'Marvel Scale']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,64,10240,35,300,45,Dragon Pokémon,45,1250000,1.8,41,Miniryuミニリュウ,Dratini,50.0,147,50,50,50,dragon,,3.3,1,0
+147,"['Shed Skin', 'Marvel Scale']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,84,10240,35,420,45,Dragon Pokémon,65,1250000,4.0,61,Hakuryuハクリュー,Dragonair,50.0,148,70,70,70,dragon,,16.5,1,0
+148,"['Inner Focus', 'Multiscale']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,134,10240,35,600,45,Dragon Pokémon,95,1250000,2.2,91,Kairyuカイリュー,Dragonite,50.0,149,100,100,80,dragon,flying,210.0,1,0
+149,"['Pressure', 'Unnerve']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,150,30720,0,780,3,Genetic Pokémon,70,1250000,2.0,106,Mewtwoミュウツー,Mewtwo,,150,194,120,140,psychic,,122.0,1,1
+150,['Synchronize'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,100,30720,100,600,45,New Species Pokémon,100,1059860,0.4,100,Mewミュウ,Mew,,151,100,100,100,psychic,,4.0,1,1
+151,"['Overgrow', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,49,5120,70,318,45,Leaf Pokémon,65,1059860,0.9,45,Chicoritaチコリータ,Chikorita,88.1,152,49,65,45,grass,,6.4,2,0
+152,"['Overgrow', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,62,5120,70,405,45,Leaf Pokémon,80,1059860,1.2,60,Bayleafベイリーフ,Bayleef,88.1,153,63,80,60,grass,,15.8,2,0
+153,"['Overgrow', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,82,5120,70,525,45,Herb Pokémon,100,1059860,1.8,80,Meganiumメガニウム,Meganium,88.1,154,83,100,80,grass,,100.5,2,0
+154,"['Blaze', 'Flash Fire']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,52,5120,70,309,45,Fire Mouse Pokémon,43,1059860,0.5,39,Hinoarashiヒノアラシ,Cyndaquil,88.1,155,60,50,65,fire,,7.9,2,0
+155,"['Blaze', 'Flash Fire']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,64,5120,70,405,45,Volcano Pokémon,58,1059860,0.9,58,Magmarashiマグマラシ,Quilava,88.1,156,80,65,80,fire,,19.0,2,0
+156,"['Blaze', 'Flash Fire']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,84,5120,70,534,45,Volcano Pokémon,78,1059860,1.7,78,Bakphoonバクフーン,Typhlosion,88.1,157,109,85,100,fire,,79.5,2,0
+157,"['Torrent', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,314,45,Big Jaw Pokémon,64,1059860,0.6,50,Waninokoワニノコ,Totodile,88.1,158,44,48,43,water,,9.5,2,0
+158,"['Torrent', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,80,5120,70,405,45,Big Jaw Pokémon,80,1059860,1.1,65,Alligatesアリゲイツ,Croconaw,88.1,159,59,63,58,water,,25.0,2,0
+159,"['Torrent', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,530,45,Big Jaw Pokémon,100,1059860,2.3,85,Ordileオーダイル,Feraligatr,88.1,160,79,83,78,water,,88.8,2,0
+164,"['Swarm', 'Early Bird', 'Rattled']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,20,3840,70,265,255,Five Star Pokémon,30,800000,1.0,40,Redibaレディバ,Ledyba,50.0,165,40,80,55,bug,flying,10.8,2,0
+165,"['Swarm', 'Early Bird', 'Iron Fist']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,35,3840,70,390,90,Five Star Pokémon,50,800000,1.4,55,Redianレディアン,Ledian,50.0,166,55,110,85,bug,flying,35.6,2,0
+166,"['Swarm', 'Insomnia', 'Sniper']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,60,3840,70,250,255,String Spit Pokémon,40,800000,0.5,40,Itomaruイトマル,Spinarak,50.0,167,40,40,30,bug,poison,8.5,2,0
+167,"['Swarm', 'Insomnia', 'Sniper']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,90,3840,70,400,90,Long Leg Pokémon,70,800000,1.1,70,Ariadosアリアドス,Ariados,50.0,168,60,70,40,bug,poison,33.5,2,0
+168,"['Inner Focus', 'Infiltrator']",0.25,1.0,1.0,2.0,0.5,0.25,1.0,1.0,1.0,0.25,0.0,2.0,1.0,0.5,2.0,2.0,1.0,1.0,90,3840,70,535,90,Bat Pokémon,80,1000000,1.8,85,Crobatクロバット,Crobat,50.0,169,70,80,130,poison,flying,75.0,2,0
+169,"['Volt Absorb', 'Illuminate', 'Water Absorb']",1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,0.5,1.0,1.0,1.0,1.0,0.25,0.5,38,5120,70,330,190,Angler Pokémon,38,1250000,0.5,75,Chonchieチョンチー,Chinchou,50.0,170,56,56,67,water,electric,12.0,2,0
+170,"['Volt Absorb', 'Illuminate', 'Water Absorb']",1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,0.5,1.0,1.0,1.0,1.0,0.25,0.5,58,5120,70,460,75,Light Pokémon,58,1250000,1.2,125,Lanternランターン,Lanturn,50.0,171,76,76,67,water,electric,22.5,2,0
+171,"['Static', 'Lightningrod']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,40,2560,70,205,190,Tiny Mouse Pokémon,15,1000000,0.3,20,Pichuピチュー,Pichu,50.0,172,35,35,60,electric,,2.0,2,0
+172,"['Cute Charm', 'Magic Guard', 'Friend Guard']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,25,2560,140,218,150,Star Shape Pokémon,28,800000,0.3,50,Pyピィ,Cleffa,24.6,173,45,55,15,fairy,,3.0,2,0
+174,"['Hustle', 'Serene Grace', 'Super Luck']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,20,2560,70,245,190,Spike Ball Pokémon,65,800000,0.3,35,Togepyトゲピー,Togepi,88.1,175,40,65,20,fairy,,1.5,2,0
+175,"['Hustle', 'Serene Grace', 'Super Luck']",0.25,0.5,0.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,0.0,2.0,1.0,2.0,1.0,2.0,2.0,1.0,40,2560,70,405,75,Happiness Pokémon,85,800000,0.6,55,Togechickトゲチック,Togetic,88.1,176,80,105,40,fairy,flying,3.2,2,0
+176,"['Synchronize', 'Early Bird', 'Magic Bounce']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,50,5120,70,320,190,Little Bird Pokémon,45,1000000,0.2,40,Natyネイティ,Natu,50.0,177,70,45,70,psychic,flying,2.0,2,0
+177,"['Synchronize', 'Early Bird', 'Magic Bounce']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,75,5120,70,470,75,Mystic Pokémon,70,1000000,1.5,65,Natioネイティオ,Xatu,50.0,178,95,70,95,psychic,flying,15.0,2,0
+178,"['Static', 'Plus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,40,5120,70,280,235,Wool Pokémon,40,1059860,0.6,55,Merriepメリープ,Mareep,50.0,179,65,45,35,electric,,7.8,2,0
+179,"['Static', 'Plus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,5120,70,365,120,Wool Pokémon,55,1059860,0.8,70,Mokokoモココ,Flaaffy,50.0,180,80,60,45,electric,,13.3,2,0
+180,"['Static', 'Plus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,95,5120,70,610,45,Light Pokémon,105,1059860,1.4,90,Denryuデンリュウ,Ampharos,50.0,181,165,110,45,electric,,61.5,2,0
+181,"['Chlorophyll', 'Healer']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,80,5120,70,490,45,Flower Pokémon,95,1059860,0.4,75,Kireihanaキレイハナ,Bellossom,50.0,182,90,100,50,grass,,5.8,2,0
+182,"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,20,2560,70,250,190,Aquamouse Pokémon,50,800000,0.4,70,Marilマリル,Marill,50.0,183,20,50,40,water,fairy,8.5,2,0
+183,"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,50,2560,70,420,75,Aquarabbit Pokémon,80,800000,0.8,100,Marilliマリルリ,Azumarill,50.0,184,60,80,50,water,fairy,28.5,2,0
+184,"['Sturdy', 'Rock Head', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,100,5120,70,410,65,Imitation Pokémon,115,1000000,1.2,70,Usokkieウソッキー,Sudowoodo,50.0,185,30,65,30,rock,,38.0,2,0
+185,"['Water Absorb', 'Damp', 'Drizzle']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,5120,70,500,45,Frog Pokémon,75,1059860,1.1,90,Nyorotonoニョロトノ,Politoed,50.0,186,90,100,70,water,,33.9,2,0
+186,"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,35,5120,70,250,255,Cottonweed Pokémon,40,1059860,0.4,35,Haneccoハネッコ,Hoppip,50.0,187,35,55,50,grass,flying,0.5,2,0
+187,"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,45,5120,70,340,120,Cottonweed Pokémon,50,1059860,0.6,55,Popoccoポポッコ,Skiploom,50.0,188,45,65,80,grass,flying,1.0,2,0
+188,"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,55,5120,70,460,45,Cottonweed Pokémon,70,1059860,0.8,75,Wataccoワタッコ,Jumpluff,50.0,189,55,95,110,grass,flying,3.0,2,0
+190,"['Chlorophyll', 'Solar Power', 'Early Bird']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,30,5120,70,180,235,Seed Pokémon,30,1059860,0.3,30,Himanutsヒマナッツ,Sunkern,50.0,191,30,30,30,grass,,1.8,2,0
+191,"['Chlorophyll', 'Solar Power', 'Early Bird']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,75,5120,70,425,120,Sun Pokémon,55,1059860,0.8,75,Kimawariキマワリ,Sunflora,50.0,192,105,85,30,grass,,8.5,2,0
+192,"['Speed Boost', 'Compoundeyes', 'Frisk']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,65,5120,70,390,75,Clear Wing Pokémon,45,1000000,1.2,65,Yanyanmaヤンヤンマ,Yanma,50.0,193,75,45,95,bug,flying,38.0,2,0
+193,"['Damp', 'Water Absorb', 'Unaware']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,45,5120,70,210,255,Water Fish Pokémon,45,1000000,0.4,55,Upahウパー,Wooper,50.0,194,25,25,15,water,ground,8.5,2,0
+194,"['Damp', 'Water Absorb', 'Unaware']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,85,5120,70,430,90,Water Fish Pokémon,85,1000000,1.4,95,Nuohヌオー,Quagsire,50.0,195,65,65,35,water,ground,75.0,2,0
+195,"['Synchronize', 'Magic Bounce']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,65,8960,70,525,45,Sun Pokémon,60,1000000,0.9,65,Eifieエーフィ,Espeon,88.1,196,130,95,110,psychic,,26.5,2,0
+198,"['Oblivious', 'Own Tempo', 'Regenerator']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,75,5120,70,490,70,Royal Pokémon,80,1000000,2.0,95,Yadokingヤドキング,Slowking,50.0,199,100,110,30,water,psychic,79.5,2,0
+199,['Levitate'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,60,6400,35,435,45,Screech Pokémon,60,800000,0.7,60,Mumaムウマ,Misdreavus,50.0,200,85,85,85,ghost,,1.0,2,0
+200,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,72,10240,70,336,225,Symbol Pokémon,48,1000000,0.5,48,Unknownアンノーン,Unown,,201,72,48,48,psychic,,5.0,2,0
+201,"['Shadow Tag', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,33,5120,70,405,45,Patient Pokémon,58,1000000,1.3,190,Sonansソーナンス,Wobbuffet,50.0,202,33,58,33,psychic,,28.5,2,0
+203,"['Sturdy', 'Overcoat']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,65,5120,70,290,190,Bagworm Pokémon,90,1000000,0.6,50,Kunugidamaクヌギダマ,Pineco,50.0,204,35,35,15,bug,,7.2,2,0
+204,"['Sturdy', 'Overcoat']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,90,5120,70,465,75,Bagworm Pokémon,140,1000000,1.2,75,Foretosフォレトス,Forretress,50.0,205,60,60,40,bug,steel,125.8,2,0
+206,"['Hyper Cutter', 'Sand Veil', 'Immunity']",0.5,1.0,1.0,0.0,1.0,0.5,1.0,1.0,1.0,1.0,0.0,4.0,1.0,0.5,1.0,1.0,1.0,2.0,75,5120,70,430,60,Flyscorpion Pokémon,105,1059860,1.1,65,Gligerグライガー,Gligar,50.0,207,35,65,85,ground,flying,64.8,2,0
+207,"['Rock Head', 'Sturdy', 'Sheer Force']",0.5,1.0,0.5,0.0,0.5,2.0,2.0,0.5,1.0,1.0,2.0,1.0,0.5,0.0,0.5,0.25,0.5,2.0,125,6400,70,610,25,Iron Snake Pokémon,230,1000000,9.2,75,Haganeilハガネール,Steelix,50.0,208,55,95,30,steel,ground,400.0,2,0
+208,"['Intimidate', 'Run Away', 'Rattled']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,80,5120,70,300,190,Fairy Pokémon,50,800000,0.6,60,Buluブルー,Snubbull,24.6,209,40,40,30,fairy,,7.8,2,0
+209,"['Intimidate', 'Quick Feet', 'Rattled']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,120,5120,70,450,75,Fairy Pokémon,75,800000,1.4,90,Granbuluグランブル,Granbull,24.6,210,60,60,45,fairy,,48.7,2,0
+210,"['Poison Point', 'Swift Swim', 'Intimidate']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,95,5120,70,440,45,Balloon Pokémon,85,1000000,0.5,65,Harysenハリーセン,Qwilfish,50.0,211,55,55,85,water,poison,3.9,2,0
+211,"['Swarm', 'Technician', 'Light Metal']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,150,6400,70,600,25,Pincer Pokémon,140,1000000,1.8,70,Hassamハッサム,Scizor,50.0,212,65,100,75,bug,steel,118.0,2,0
+212,"['Sturdy', 'Gluttony', 'Contrary']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,10,5120,70,505,190,Mold Pokémon,230,1059860,0.6,20,Tsubotsuboツボツボ,Shuckle,50.0,213,10,230,5,bug,rock,20.5,2,0
+213,"['Swarm', 'Guts', 'Moxie']",0.5,0.5,1.0,1.0,2.0,0.5,2.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,1.0,1.0,1.0,185,6400,70,600,45,Singlehorn Pokémon,115,1250000,1.5,80,Heracrosヘラクロス,Heracross,50.0,214,40,105,75,bug,fighting,54.0,2,0
+217,"['Magma Armor', 'Flame Body', 'Weak Armor']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,40,5120,70,250,190,Lava Pokémon,40,1000000,0.7,40,Magmagマグマッグ,Slugma,50.0,218,70,40,20,fire,,35.0,2,0
+218,"['Magma Armor', 'Flame Body', 'Weak Armor']",0.5,1.0,1.0,1.0,0.5,2.0,0.25,0.5,1.0,1.0,4.0,0.5,0.5,0.5,1.0,2.0,1.0,4.0,50,5120,70,430,75,Lava Pokémon,120,1000000,0.8,60,Magcargotマグカルゴ,Magcargo,50.0,219,90,80,30,fire,rock,55.0,2,0
+219,"['Oblivious', 'Snow Cloak', 'Thick Fat']",1.0,1.0,1.0,0.0,1.0,2.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,50,5120,70,250,225,Pig Pokémon,40,1250000,0.4,50,Urimooウリムー,Swinub,50.0,220,30,30,50,ice,ground,6.5,2,0
+220,"['Oblivious', 'Snow Cloak', 'Thick Fat']",1.0,1.0,1.0,0.0,1.0,2.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,100,5120,70,450,75,Swine Pokémon,80,1250000,1.1,100,Inomooイノムー,Piloswine,50.0,221,60,60,50,ice,ground,55.8,2,0
+221,"['Hustle', 'Natural Cure', 'Regenerator']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,55,5120,70,410,60,Coral Pokémon,95,800000,0.6,65,Sunnygoサニーゴ,Corsola,24.6,222,65,95,35,water,rock,5.0,2,0
+222,"['Hustle', 'Sniper', 'Moody']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,300,190,Jet Pokémon,35,1000000,0.6,35,Teppouoテッポウオ,Remoraid,50.0,223,65,35,65,water,,12.0,2,0
+223,"['Suction Cups', 'Sniper', 'Moody']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,480,75,Jet Pokémon,75,1000000,0.9,75,Okutankオクタン,Octillery,50.0,224,105,75,45,water,,28.5,2,0
+224,"['Vital Spirit', 'Hustle', 'Insomnia']",0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,1.0,4.0,2.0,1.0,55,5120,70,330,45,Delivery Pokémon,45,800000,0.9,45,Delibirdデリバード,Delibird,50.0,225,65,45,75,ice,flying,16.0,2,0
+225,"['Swift Swim', 'Water Absorb', 'Water Veil']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,40,6400,70,485,25,Kite Pokémon,70,1250000,2.1,85,Mantainマンタイン,Mantine,50.0,226,80,140,70,water,flying,220.0,2,0
+226,"['Keen Eye', 'Sturdy', 'Weak Armor']",0.25,1.0,0.5,2.0,0.5,1.0,2.0,0.5,1.0,0.25,0.0,1.0,0.5,0.0,0.5,1.0,0.5,1.0,80,6400,70,465,25,Armor Bird Pokémon,140,1250000,1.7,65,Airmdエアームド,Skarmory,50.0,227,40,70,70,steel,flying,50.5,2,0
+229,"['Swift Swim', 'Sniper', 'Damp']",1.0,1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.25,95,5120,70,540,45,Dragon Pokémon,95,1000000,1.8,75,Kingdraキングドラ,Kingdra,50.0,230,95,95,85,water,dragon,152.0,2,0
+230,"['Pickup', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,60,5120,70,330,120,Long Nose Pokémon,60,1000000,0.5,90,Gomazouゴマゾウ,Phanpy,50.0,231,40,40,40,ground,,33.5,2,0
+231,"['Sturdy', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,120,5120,70,500,60,Armor Pokémon,120,1000000,1.1,90,Donfanドンファン,Donphan,50.0,232,60,60,50,ground,,120.0,2,0
+235,"['Guts', 'Steadfast', 'Vital Spirit']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,35,6400,70,210,75,Scuffle Pokémon,35,1000000,0.7,35,Balkieバルキー,Tyrogue,100.0,236,35,35,35,fighting,,21.0,2,0
+236,"['Intimidate', 'Technician', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,95,6400,70,455,45,Handstand Pokémon,95,1000000,1.4,50,Kapoererカポエラー,Hitmontop,100.0,237,35,110,70,fighting,,48.0,2,0
+237,"['Oblivious', 'Forewarn', 'Hydration']",2.0,2.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,2.0,2.0,1.0,30,6400,70,305,45,Kiss Pokémon,15,1000000,0.4,45,Muchulムチュール,Smoochum,0.0,238,85,65,65,ice,psychic,6.0,2,0
+238,"['Static', 'Vital Spirit']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,63,6400,70,360,45,Electric Pokémon,37,1000000,0.6,45,Elekidエレキッド,Elekid,75.4,239,65,55,95,electric,,23.5,2,0
+239,"['Flame Body', 'Vital Spirit']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,75,6400,70,365,45,Live Coal Pokémon,37,1000000,0.7,45,Bubyブビィ,Magby,75.4,240,70,55,83,fire,,21.4,2,0
+242,"['Pressure', 'Inner Focus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,20480,35,580,3,Thunder Pokémon,75,1250000,1.9,90,Raikouライコウ,Raikou,,243,115,100,115,electric,,178.0,2,1
+243,"['Pressure', 'Inner Focus']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,115,20480,35,580,3,Volcano Pokémon,85,1250000,2.1,115,Enteiエンテイ,Entei,,244,90,75,100,fire,,198.0,2,1
+244,"['Pressure', 'Inner Focus']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,20480,35,580,3,Aurora Pokémon,115,1250000,2.0,100,Suicuneスイクン,Suicune,,245,90,115,85,water,,187.0,2,1
+245,"['Guts', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,64,10240,35,300,45,Rock Skin Pokémon,50,1250000,0.6,50,Yogirasヨーギラス,Larvitar,50.0,246,45,50,41,rock,ground,72.0,2,0
+246,['Shed Skin'],1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,84,10240,35,410,45,Hard Shell Pokémon,70,1250000,1.2,70,Sanagirasサナギラス,Pupitar,50.0,247,65,70,51,rock,ground,152.0,2,0
+248,"['Pressure', 'Multiscale']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,90,30720,0,680,3,Diving Pokémon,130,1250000,5.2,106,Lugiaルギア,Lugia,,249,90,154,110,psychic,flying,216.0,2,1
+249,"['Pressure', 'Regenerator']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,130,30720,0,680,3,Rainbow Pokémon,90,1250000,3.8,106,Hououホウオウ,Ho-Oh,,250,110,154,90,fire,flying,199.0,2,1
+250,['Natural Cure'],4.0,2.0,1.0,0.5,1.0,0.5,2.0,2.0,2.0,0.5,0.5,2.0,1.0,2.0,0.5,1.0,1.0,0.5,100,30720,100,600,45,Time Travel Pokémon,100,1059860,0.6,100,Celebiセレビィ,Celebi,,251,100,100,100,psychic,grass,5.0,2,1
+251,"['Overgrow', 'Unburden']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,45,5120,70,310,45,Wood Gecko Pokémon,35,1059860,0.5,40,Kimoriキモリ,Treecko,88.1,252,65,55,70,grass,,5.0,3,0
+252,"['Overgrow', 'Unburden']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,65,5120,70,405,45,Wood Gecko Pokémon,45,1059860,0.9,50,Juptileジュプトル,Grovyle,88.1,253,85,65,95,grass,,21.6,3,0
+253,"['Overgrow', 'Unburden']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,110,5120,70,630,45,Forest Pokémon,75,1059860,1.7,70,Jukainジュカイン,Sceptile,88.1,254,145,85,145,grass,,52.2,3,0
+254,"['Blaze', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,60,5120,70,310,45,Chick Pokémon,40,1059860,0.4,45,Achamoアチャモ,Torchic,88.1,255,70,50,45,fire,,2.5,3,0
+255,"['Blaze', 'Speed Boost']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,85,5120,70,405,45,Young Fowl Pokémon,60,1059860,0.9,60,Wakasyamoワカシャモ,Combusken,88.1,256,85,60,55,fire,fighting,19.5,3,0
+256,"['Blaze', 'Speed Boost']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,160,5120,70,630,45,Blaze Pokémon,80,1059860,1.9,80,Bursyamoバシャーモ,Blaziken,88.1,257,130,80,100,fire,fighting,52.0,3,0
+257,"['Torrent', 'Damp']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,70,5120,70,310,45,Mud Fish Pokémon,50,1059860,0.4,50,Mizugorouミズゴロウ,Mudkip,88.1,258,50,50,40,water,,7.6,3,0
+258,"['Torrent', 'Damp']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,85,5120,70,405,45,Mud Fish Pokémon,70,1059860,0.7,70,Numacrawヌマクロー,Marshtomp,88.1,259,60,70,50,water,ground,28.0,3,0
+259,"['Torrent', 'Damp']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,150,5120,70,635,45,Mud Fish Pokémon,110,1059860,1.5,100,Laglargeラグラージ,Swampert,88.1,260,95,110,70,water,ground,81.9,3,0
+264,"['Shield Dust', 'Run Away']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,45,3840,70,195,255,Worm Pokémon,35,1000000,0.3,45,Kemussoケムッソ,Wurmple,50.0,265,20,30,20,bug,,3.6,3,0
+265,['Shed Skin'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,35,3840,70,205,120,Cocoon Pokémon,55,1000000,0.6,50,Karasalisカラサリス,Silcoon,50.0,266,25,25,15,bug,,10.0,3,0
+266,"['Swarm', 'Rivalry']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,70,3840,70,395,45,Butterfly Pokémon,50,1000000,1.0,60,Agehuntアゲハント,Beautifly,50.0,267,100,50,65,bug,flying,28.4,3,0
+267,['Shed Skin'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,35,3840,70,205,120,Cocoon Pokémon,55,1000000,0.7,50,Mayuldマユルド,Cascoon,50.0,268,25,25,15,bug,,11.5,3,0
+268,"['Shield Dust', 'Compoundeyes']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,50,3840,70,385,45,Poison Moth Pokémon,70,1000000,1.2,60,Dokucaleドクケイル,Dustox,50.0,269,50,90,65,bug,poison,31.6,3,0
+269,"['Swift Swim', 'Rain Dish', 'Own Tempo']",2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.25,30,3840,70,220,255,Water Weed Pokémon,30,1059860,0.5,40,Hassbohハスボー,Lotad,50.0,270,40,50,30,water,grass,2.6,3,0
+270,"['Swift Swim', 'Rain Dish', 'Own Tempo']",2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.25,50,3840,70,340,120,Jolly Pokémon,50,1059860,1.2,60,Hasubreroハスブレロ,Lombre,50.0,271,60,70,50,water,grass,32.5,3,0
+271,"['Swift Swim', 'Rain Dish', 'Own Tempo']",2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.25,70,3840,70,480,45,Carefree Pokémon,70,1059860,1.5,80,Runpappaルンパッパ,Ludicolo,50.0,272,90,100,70,water,grass,55.0,3,0
+272,"['Chlorophyll', 'Early Bird', 'Pickpocket']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,40,3840,70,220,255,Acorn Pokémon,50,1059860,0.5,40,Tanebohタネボー,Seedot,50.0,273,30,30,30,grass,,4.0,3,0
+277,"['Keen Eye', 'Hydration', 'Rain Dish']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,30,5120,70,270,190,Seagull Pokémon,30,1000000,0.6,40,Camomeキャモメ,Wingull,50.0,278,55,30,85,water,flying,9.5,3,0
+278,"['Keen Eye', 'Drizzle', 'Rain Dish']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,50,5120,70,440,45,Water Bird Pokémon,100,1000000,1.2,60,Pelipperペリッパー,Pelipper,50.0,279,95,70,65,water,flying,28.0,3,0
+279,"['Synchronize', 'Trace', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,25,5120,35,198,235,Feeling Pokémon,25,1250000,0.4,28,Raltsラルトス,Ralts,50.0,280,45,35,40,psychic,fairy,6.6,3,0
+280,"['Synchronize', 'Trace', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,35,5120,35,278,120,Emotion Pokémon,35,1250000,0.8,38,Kirliaキルリア,Kirlia,50.0,281,65,55,50,psychic,fairy,20.2,3,0
+281,"['Synchronize', 'Trace', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,85,5120,35,618,45,Embrace Pokémon,65,1250000,1.6,68,Sirnightサーナイト,Gardevoir,50.0,282,165,135,100,psychic,fairy,48.4,3,0
+282,"['Swift Swim', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,30,3840,70,269,200,Pond Skater Pokémon,32,1000000,0.5,40,Ametamaアメタマ,Surskit,50.0,283,50,52,65,bug,water,1.7,3,0
+283,"['Intimidate', 'Unnerve']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,60,3840,70,454,75,Eyeball Pokémon,62,1000000,0.8,70,Amemothアメモース,Masquerain,50.0,284,100,82,80,bug,flying,3.6,3,0
+284,"['Effect Spore', 'Poison Heal', 'Quick Feet']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,40,3840,70,295,255,Mushroom Pokémon,60,1640000,0.4,60,Kinococoキノココ,Shroomish,50.0,285,40,60,35,grass,,4.5,3,0
+285,"['Effect Spore', 'Poison Heal', 'Technician']",1.0,0.5,1.0,0.5,2.0,1.0,2.0,4.0,1.0,0.5,0.5,2.0,1.0,2.0,2.0,0.5,1.0,0.5,130,3840,70,460,90,Mushroom Pokémon,80,1640000,1.2,60,Kinogassaキノガッサ,Breloom,50.0,286,60,60,70,grass,fighting,39.2,3,0
+289,"['Compoundeyes', 'Run Away']",1.0,1.0,1.0,0.0,1.0,0.5,2.0,2.0,1.0,1.0,0.5,2.0,1.0,0.5,1.0,1.0,1.0,2.0,45,3840,70,266,255,Trainee Pokémon,90,600000,0.5,31,Tutininツチニン,Nincada,50.0,290,30,30,40,bug,ground,5.5,3,0
+290,"['Speed Boost', 'Infiltrator']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,90,3840,70,456,120,Ninja Pokémon,45,600000,0.8,61,Tekkaninテッカニン,Ninjask,50.0,291,50,50,160,bug,flying,12.0,3,0
+291,['Wonder Guard'],0.5,2.0,1.0,1.0,1.0,0.0,2.0,2.0,2.0,0.5,0.5,1.0,0.0,0.5,1.0,2.0,1.0,1.0,90,3840,70,236,45,Shed Pokémon,45,600000,0.8,1,Nukeninヌケニン,Shedinja,,292,30,30,40,bug,ghost,1.2,3,0
+295,"['Thick Fat', 'Guts', 'Sheer Force']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,60,5120,70,237,180,Guts Pokémon,30,1640000,1.0,72,Makunoshitaマクノシタ,Makuhita,75.4,296,20,30,25,fighting,,86.4,3,0
+296,"['Thick Fat', 'Guts', 'Sheer Force']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,120,5120,70,474,200,Arm Thrust Pokémon,60,1640000,2.3,144,Hariteyamaハリテヤマ,Hariyama,75.4,297,40,60,50,fighting,,253.8,3,0
+298,"['Sturdy', 'Magnet Pull', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,45,5120,70,375,255,Compass Pokémon,135,1000000,1.0,30,Nosepassノズパス,Nosepass,50.0,299,45,90,30,rock,,97.0,3,0
+301,"['Keen Eye', 'Stall', 'Prankster']",1.0,1.0,1.0,1.0,2.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,1.0,1.0,1.0,85,6400,35,480,45,Darkness Pokémon,125,1059860,0.5,50,Yamiramiヤミラミ,Sableye,50.0,302,85,115,20,dark,ghost,11.0,3,0
+302,"['Hyper Cutter', 'Intimidate', 'Sheer Force']",0.25,0.5,0.0,1.0,0.5,1.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,1.0,1.0,105,5120,70,480,45,Deceiver Pokémon,125,800000,0.6,50,Kucheatクチート,Mawile,50.0,303,55,95,50,steel,fairy,11.5,3,0
+303,"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,70,8960,35,330,180,Iron Armor Pokémon,100,1250000,0.4,50,Cokodoraココドラ,Aron,50.0,304,40,40,30,steel,rock,60.0,3,0
+304,"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,90,8960,35,430,90,Iron Armor Pokémon,140,1250000,0.9,60,Kodoraコドラ,Lairon,50.0,305,50,50,40,steel,rock,120.0,3,0
+305,"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,140,8960,35,630,45,Iron Armor Pokémon,230,1250000,2.1,70,Bossgodoraボスゴドラ,Aggron,50.0,306,60,80,50,steel,rock,360.0,3,0
+306,"['Pure Power', 'Telepathy']",1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,40,5120,70,280,180,Meditate Pokémon,55,1000000,0.6,30,Asananアサナン,Meditite,50.0,307,40,55,60,fighting,psychic,11.2,3,0
+307,"['Pure Power', 'Telepathy']",1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,100,5120,70,510,90,Meditate Pokémon,85,1000000,1.3,60,Charemチャーレム,Medicham,50.0,308,80,85,100,fighting,psychic,31.5,3,0
+308,"['Static', 'Lightningrod', 'Minus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,45,5120,70,295,120,Lightning Pokémon,40,1250000,0.6,40,Rakuraiラクライ,Electrike,50.0,309,65,40,65,electric,,15.2,3,0
+309,"['Static', 'Lightningrod', 'Minus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,75,5120,70,575,45,Discharge Pokémon,80,1250000,1.5,70,Livoltライボルト,Manectric,50.0,310,135,80,135,electric,,40.2,3,0
+310,"['Plus', 'Lightningrod']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,50,5120,70,405,200,Cheering Pokémon,40,1000000,0.4,60,Prasleプラスル,Plusle,50.0,311,85,75,95,electric,,4.2,3,0
+311,"['Minus', 'Volt Absorb']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,40,5120,70,405,200,Cheering Pokémon,50,1000000,0.4,60,Minunマイナン,Minun,50.0,312,75,85,95,electric,,4.2,3,0
+312,"['Illuminate', 'Swarm', 'Prankster']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,73,3840,70,430,150,Firefly Pokémon,75,600000,0.7,65,Barubeatバルビート,Volbeat,100.0,313,47,85,85,bug,,17.7,3,0
+313,"['Oblivious', 'Tinted Lens', 'Prankster']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,47,3840,70,430,150,Firefly Pokémon,75,1640000,0.6,65,Illumiseイルミーゼ,Illumise,0.0,314,73,85,85,bug,,17.7,3,0
+314,"['Natural Cure', 'Poison Point', 'Leaf Guard']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,60,5120,70,400,150,Thorn Pokémon,45,1059860,0.3,50,Roseliaロゼリア,Roselia,50.0,315,100,80,65,grass,poison,2.0,3,0
+315,"['Liquid Ooze', 'Sticky Hold', 'Gluttony']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,43,5120,70,302,225,Stomach Pokémon,53,1640000,0.4,70,Gokulinゴクリン,Gulpin,50.0,316,43,53,40,poison,,10.3,3,0
+316,"['Liquid Ooze', 'Sticky Hold', 'Gluttony']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,73,5120,70,467,75,Poison Bag Pokémon,83,1640000,1.7,100,Marunoomマルノーム,Swalot,50.0,317,73,83,55,poison,,80.0,3,0
+319,"['Water Veil', 'Oblivious', 'Pressure']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,70,10240,70,400,125,Ball Whale Pokémon,35,1640000,2.0,130,Hoerukoホエルコ,Wailmer,50.0,320,70,35,60,water,,130.0,3,0
+320,"['Water Veil', 'Oblivious', 'Pressure']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,90,10240,70,500,60,Float Whale Pokémon,45,1640000,14.5,170,Whalohホエルオー,Wailord,50.0,321,90,45,60,water,,398.0,3,0
+321,"['Oblivious', 'Simple', 'Own Tempo']",0.5,1.0,1.0,0.0,0.5,1.0,0.5,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,4.0,60,5120,70,305,255,Numb Pokémon,40,1000000,0.7,60,Donmelドンメル,Numel,50.0,322,65,45,35,fire,ground,24.0,3,0
+322,"['Magma Armor', 'Solid Rock', 'Anger Point']",0.5,1.0,1.0,0.0,0.5,1.0,0.5,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,4.0,120,5120,70,560,150,Eruption Pokémon,100,1000000,1.9,70,Bakuudaバクーダ,Camerupt,50.0,323,145,105,20,fire,ground,220.0,3,0
+323,"['White Smoke', 'Drought', 'Shell Armor']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,85,5120,70,470,90,Coal Pokémon,140,1000000,0.5,70,Cotoiseコータス,Torkoal,50.0,324,85,70,20,fire,,80.4,3,0
+324,"['Thick Fat', 'Own Tempo', 'Gluttony']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,25,5120,70,330,255,Bounce Pokémon,35,800000,0.7,60,Banebooバネブー,Spoink,50.0,325,70,80,60,psychic,,30.6,3,0
+325,"['Thick Fat', 'Own Tempo', 'Gluttony']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,45,5120,70,470,60,Manipulate Pokémon,65,800000,0.9,80,Boopigブーピッグ,Grumpig,50.0,326,90,110,80,psychic,,71.5,3,0
+327,"['Hyper Cutter', 'Arena Trap', 'Sheer Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,290,255,Ant Pit Pokémon,45,1059860,0.7,45,Nuckrarナックラー,Trapinch,50.0,328,45,45,10,ground,,15.0,3,0
+328,['Levitate'],1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,70,5120,70,340,120,Vibration Pokémon,50,1059860,1.1,50,Vibravaビブラーバ,Vibrava,50.0,329,50,50,70,ground,dragon,15.3,3,0
+329,['Levitate'],1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,100,5120,70,520,45,Mystic Pokémon,80,1059860,2.0,80,Flygonフライゴン,Flygon,50.0,330,80,80,100,ground,dragon,82.0,3,0
+330,"['Sand Veil', 'Water Absorb']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,85,5120,35,335,190,Cactus Pokémon,40,1059860,0.4,50,Saboneaサボネア,Cacnea,50.0,331,85,40,35,grass,,51.3,3,0
+333,"['Natural Cure', 'Cloud Nine']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,110,5120,70,590,45,Humming Pokémon,110,600000,1.1,75,Tyltalisチルタリス,Altaria,50.0,334,110,105,80,dragon,flying,20.6,3,0
+335,"['Shed Skin', 'Infiltrator']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,100,5120,70,458,90,Fang Snake Pokémon,60,1640000,2.7,73,Habunakeハブネーク,Seviper,50.0,336,100,60,65,poison,,52.5,3,0
+336,['Levitate'],2.0,2.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,2.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,2.0,55,6400,70,460,45,Meteorite Pokémon,65,800000,1.0,90,Lunatoneルナトーン,Lunatone,,337,95,85,70,rock,psychic,168.0,3,0
+337,['Levitate'],2.0,2.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,2.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,2.0,95,6400,70,460,45,Meteorite Pokémon,85,800000,1.2,90,Solrockソルロック,Solrock,,338,55,65,70,rock,psychic,154.0,3,0
+338,"['Oblivious', 'Anticipation', 'Hydration']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,48,5120,70,288,190,Whiskers Pokémon,43,1000000,0.4,50,Dojoachドジョッチ,Barboach,50.0,339,46,41,60,water,ground,1.9,3,0
+339,"['Oblivious', 'Anticipation', 'Hydration']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,78,5120,70,468,75,Whiskers Pokémon,73,1000000,0.9,110,Namazunナマズン,Whiscash,50.0,340,76,71,60,water,ground,23.6,3,0
+340,"['Hyper Cutter', 'Shell Armor', 'Adaptability']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,80,3840,70,308,205,Ruffian Pokémon,65,1640000,0.6,43,Heiganiヘイガニ,Corphish,50.0,341,50,35,35,water,,11.5,3,0
+342,['Levitate'],2.0,2.0,1.0,0.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,40,5120,70,300,255,Clay Doll Pokémon,55,1000000,0.5,40,Yajilonヤジロン,Baltoy,,343,40,70,55,ground,psychic,21.5,3,0
+343,['Levitate'],2.0,2.0,1.0,0.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,70,5120,70,500,90,Clay Doll Pokémon,105,1000000,1.5,60,Nendollネンドール,Claydol,,344,70,120,75,ground,psychic,108.0,3,0
+344,"['Suction Cups', 'Storm Drain']",2.0,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,1.0,2.0,1.0,41,7680,70,355,45,Sea Lily Pokémon,77,600000,1.0,66,Lilylaリリーラ,Lileep,88.1,345,61,87,23,rock,grass,23.8,3,0
+345,"['Suction Cups', 'Storm Drain']",2.0,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,1.0,2.0,1.0,81,7680,70,495,45,Barnacle Pokémon,97,600000,1.5,86,Yuradleユレイドル,Cradily,88.1,346,81,107,43,rock,grass,60.4,3,0
+346,"['Battle Armor', 'Swift Swim']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,95,7680,70,355,45,Old Shrimp Pokémon,50,600000,0.7,45,Anopthアノプス,Anorith,88.1,347,40,50,75,rock,bug,12.5,3,0
+347,"['Battle Armor', 'Swift Swim']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,125,7680,70,495,45,Plate Pokémon,100,600000,1.5,75,Armaldoアーマルド,Armaldo,88.1,348,70,80,45,rock,bug,68.2,3,0
+348,"['Swift Swim', 'Oblivious', 'Adaptability']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,15,5120,70,200,255,Fish Pokémon,20,600000,0.6,20,Hinbassヒンバス,Feebas,50.0,349,10,55,80,water,,7.4,3,0
+349,"['Marvel Scale', 'Competitive', 'Cute Charm']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,60,5120,70,540,60,Tender Pokémon,79,600000,6.2,95,Milokarossミロカロス,Milotic,50.0,350,100,125,81,water,,162.0,3,0
+352,"['Insomnia', 'Frisk', 'Cursed Body']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,75,6400,35,295,225,Puppet Pokémon,35,800000,0.6,44,Kagebouzuカゲボウズ,Shuppet,50.0,353,63,33,45,ghost,,2.3,3,0
+353,"['Insomnia', 'Frisk', 'Cursed Body']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,165,6400,35,555,45,Marionette Pokémon,75,800000,1.1,64,Juppetaジュペッタ,Banette,50.0,354,93,83,75,ghost,,12.5,3,0
+354,"['Levitate', 'Frisk']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,40,6400,35,295,190,Requiem Pokémon,90,800000,0.8,20,Yomawaruヨマワル,Duskull,50.0,355,30,90,25,ghost,,15.0,3,0
+355,"['Pressure', 'Frisk']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,70,6400,35,455,90,Beckon Pokémon,130,800000,1.6,40,Samayouruサマヨール,Dusclops,50.0,356,60,130,25,ghost,,30.6,3,0
+356,"['Chlorophyll', 'Solar Power', 'Harvest']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,68,6400,70,460,200,Fruit Pokémon,83,1250000,2.0,99,Tropiusトロピウス,Tropius,50.0,357,72,87,51,grass,flying,100.0,3,0
+357,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,50,6400,70,455,45,Wind Chime Pokémon,80,800000,0.6,75,Chireanチリーン,Chimecho,50.0,358,95,90,65,psychic,,1.0,3,0
+359,"['Shadow Tag', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,23,5120,70,260,125,Bright Pokémon,48,1000000,0.6,95,Sohnanoソーナノ,Wynaut,50.0,360,23,48,23,psychic,,14.0,3,0
+360,"['Inner Focus', 'Ice Body', 'Moody']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,5120,70,300,190,Snow Hat Pokémon,50,1000000,0.7,50,Yukiwarashiユキワラシ,Snorunt,50.0,361,50,50,50,ice,,16.8,3,0
+361,"['Inner Focus', 'Ice Body', 'Moody']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,120,5120,70,580,75,Face Pokémon,80,1000000,1.5,80,Onigohriオニゴーリ,Glalie,50.0,362,120,80,100,ice,,256.5,3,0
+362,"['Thick Fat', 'Ice Body', 'Oblivious']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,40,5120,70,290,255,Clap Pokémon,50,1059860,0.8,70,Tamazarashiタマザラシ,Spheal,50.0,363,55,50,25,ice,water,39.5,3,0
+363,"['Thick Fat', 'Ice Body', 'Oblivious']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,60,5120,70,410,120,Ball Roll Pokémon,70,1059860,1.1,90,Todogglerトドグラー,Sealeo,50.0,364,75,70,45,ice,water,87.6,3,0
+364,"['Thick Fat', 'Ice Body', 'Oblivious']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,80,5120,70,530,45,Ice Break Pokémon,90,1059860,1.4,110,Todoserugaトドゼルガ,Walrein,50.0,365,95,90,65,ice,water,150.6,3,0
+365,"['Shell Armor', 'Rattled']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,64,5120,70,345,255,Bivalve Pokémon,85,600000,0.4,35,Pearluluパールル,Clamperl,50.0,366,74,55,32,water,,52.5,3,0
+366,"['Swift Swim', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,104,5120,70,485,60,Deep Sea Pokémon,105,600000,1.7,55,Huntailハンテール,Huntail,50.0,367,94,75,52,water,,27.0,3,0
+367,"['Swift Swim', 'Hydration']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,84,5120,70,485,60,South Sea Pokémon,105,600000,1.8,55,Sakurabyssサクラビス,Gorebyss,50.0,368,114,75,52,water,,22.6,3,0
+368,"['Swift Swim', 'Rock Head', 'Sturdy']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,90,10240,70,485,25,Longevity Pokémon,130,1250000,1.0,100,Glanthジーランス,Relicanth,88.1,369,45,65,55,water,rock,23.4,3,0
+369,"['Swift Swim', 'Hydration']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,30,5120,70,330,225,Rendezvous Pokémon,55,800000,0.6,43,Lovecusラブカス,Luvdisc,24.6,370,40,65,97,water,,8.7,3,0
+370,"['Rock Head', 'Sheer Force']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,75,10240,35,300,45,Rock Head Pokémon,60,1250000,0.6,45,Tatsubayタツベイ,Bagon,50.0,371,40,30,50,dragon,,42.1,3,0
+371,"['Rock Head', 'Overcoat']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,95,10240,35,420,45,Endurance Pokémon,100,1250000,1.1,65,Komoruuコモルー,Shelgon,50.0,372,60,50,50,dragon,,110.5,3,0
+372,"['Intimidate', 'Moxie']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,145,10240,35,700,45,Dragon Pokémon,130,1250000,1.5,95,Bohmanderボーマンダ,Salamence,50.0,373,120,90,120,dragon,flying,102.6,3,0
+373,"['Clear Body', 'Light Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,55,10240,35,300,3,Iron Ball Pokémon,80,1250000,0.6,40,Dumbberダンバル,Beldum,,374,35,60,30,steel,psychic,95.2,3,0
+374,"['Clear Body', 'Light Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,75,10240,35,420,3,Iron Claw Pokémon,100,1250000,1.2,60,Metangメタング,Metang,,375,55,80,50,steel,psychic,202.5,3,0
+375,"['Clear Body', 'Light Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,145,10240,35,700,3,Iron Leg Pokémon,150,1250000,1.6,80,Metagrossメタグロス,Metagross,,376,105,110,110,steel,psychic,550.0,3,0
+376,"['Clear Body', 'Sturdy']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,100,20480,35,580,3,Rock Peak Pokémon,200,1250000,1.7,80,Regirockレジロック,Regirock,,377,50,100,50,rock,,230.0,3,1
+377,"['Clear Body', 'Ice Body']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,20480,35,580,3,Iceberg Pokémon,100,1250000,1.8,80,Regiceレジアイス,Regice,,378,100,200,50,ice,,175.0,3,1
+378,"['Clear Body', 'Light Metal']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,75,20480,35,580,3,Iron Pokémon,150,1250000,1.9,80,Registeelレジスチル,Registeel,,379,75,150,50,steel,,205.0,3,1
+379,['Levitate'],2.0,2.0,2.0,0.5,2.0,0.5,0.5,1.0,2.0,0.5,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,100,30720,90,700,3,Eon Pokémon,120,1250000,1.4,80,Latiasラティアス,Latias,0.0,380,140,150,110,dragon,psychic,40.0,3,1
+380,['Levitate'],2.0,2.0,2.0,0.5,2.0,0.5,0.5,1.0,2.0,0.5,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,130,30720,90,700,3,Eon Pokémon,100,1250000,2.0,80,Latiosラティオス,Latios,100.0,381,160,120,110,dragon,psychic,60.0,3,1
+381,['Drizzle'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,150,30720,0,770,3,Sea Basin Pokémon,90,1250000,4.5,100,Kyogreカイオーガ,Kyogre,,382,180,160,90,water,,352.0,3,1
+382,['Drought'],1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,180,30720,0,770,3,Continent Pokémon,160,1250000,3.5,100,Groudonグラードン,Groudon,,383,150,90,90,ground,,950.0,3,1
+383,['Air Lock'],0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,180,30720,0,780,45,Sky High Pokémon,100,1250000,7.0,105,Rayquazaレックウザ,Rayquaza,,384,180,100,115,dragon,flying,206.5,3,1
+384,['Serene Grace'],1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,100,30720,100,600,3,Wish Pokémon,100,1250000,0.3,100,Jirachiジラーチ,Jirachi,,385,100,100,100,steel,psychic,1.1,3,1
+385,['Pressure'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,95,30720,0,600,3,DNA Pokémon,90,1250000,1.7,50,Deoxysデオキシス,Deoxys,,386,95,90,180,psychic,,60.8,3,1
+386,"['Overgrow', 'Shell Armor']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,68,5120,70,318,45,Tiny Leaf Pokémon,64,1059860,0.4,55,Naetleナエトル,Turtwig,88.1,387,45,55,31,grass,,10.2,4,0
+387,"['Overgrow', 'Shell Armor']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,89,5120,70,405,45,Grove Pokémon,85,1059860,1.1,75,Hayashigameハヤシガメ,Grotle,88.1,388,55,65,36,grass,,97.0,4,0
+388,"['Overgrow', 'Shell Armor']",2.0,1.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,1.0,0.5,4.0,1.0,1.0,1.0,0.5,1.0,1.0,109,5120,70,525,45,Continent Pokémon,105,1059860,2.2,95,Dodaitoseドダイトス,Torterra,88.1,389,75,85,56,grass,ground,310.0,4,0
+389,"['Blaze', 'Iron Fist']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,58,5120,70,309,45,Chimp Pokémon,44,1059860,0.5,44,Hikozaruヒコザル,Chimchar,88.1,390,58,44,61,fire,,6.2,4,0
+390,"['Blaze', 'Iron Fist']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,78,5120,70,405,45,Playful Pokémon,52,1059860,0.9,64,Moukazaruモウカザル,Monferno,88.1,391,78,52,81,fire,fighting,22.0,4,0
+391,"['Blaze', 'Iron Fist']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,104,5120,70,534,45,Flame Pokémon,71,1059860,1.2,76,Goukazaruゴウカザル,Infernape,88.1,392,104,71,108,fire,fighting,55.0,4,0
+392,"['Torrent', 'Defiant']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,51,5120,70,314,45,Penguin Pokémon,53,1059860,0.4,53,Pochamaポッチャマ,Piplup,88.1,393,61,56,40,water,,5.2,4,0
+393,"['Torrent', 'Defiant']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,66,5120,70,405,45,Penguin Pokémon,68,1059860,0.8,64,Pottaishiポッタイシ,Prinplup,88.1,394,81,76,50,water,,23.0,4,0
+394,"['Torrent', 'Defiant']",0.5,1.0,0.5,2.0,0.5,2.0,1.0,0.5,1.0,1.0,2.0,0.25,0.5,0.0,0.5,0.5,0.25,0.5,86,5120,70,530,45,Emperor Pokémon,88,1059860,1.7,84,Emperteエンペルト,Empoleon,88.1,395,111,101,60,water,steel,84.5,4,0
+400,"['Shed Skin', 'Run Away']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,25,3840,70,194,255,Cricket Pokémon,41,1059860,0.3,37,Korobohshiコロボーシ,Kricketot,50.0,401,25,41,25,bug,,2.2,4,0
+401,"['Swarm', 'Technician']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,85,3840,70,384,45,Cricket Pokémon,51,1059860,1.0,77,Korotockコロトック,Kricketune,50.0,402,55,51,65,bug,,25.5,4,0
+402,"['Rivalry', 'Intimidate', 'Guts']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,65,5120,70,263,235,Flash Pokémon,34,1059860,0.5,45,Kolinkコリンク,Shinx,50.0,403,40,34,45,electric,,9.5,4,0
+403,"['Rivalry', 'Intimidate', 'Guts']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,5120,100,363,120,Spark Pokémon,49,1059860,0.9,60,Luxioルクシオ,Luxio,50.0,404,60,49,60,electric,,30.5,4,0
+404,"['Rivalry', 'Intimidate', 'Guts']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,120,5120,70,523,45,Gleam Eyes Pokémon,79,1059860,1.4,80,Rentorarレントラー,Luxray,50.0,405,95,79,70,electric,,42.0,4,0
+405,"['Natural Cure', 'Poison Point', 'Leaf Guard']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,30,5120,70,280,255,Bud Pokémon,35,1059860,0.2,40,Subomieスボミー,Budew,50.0,406,50,70,55,grass,poison,1.2,4,0
+406,"['Natural Cure', 'Poison Point', 'Technician']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,70,5120,70,515,75,Bouquet Pokémon,65,1059860,0.9,60,Roseradeロズレイド,Roserade,50.0,407,125,105,90,grass,poison,14.5,4,0
+407,"['Mold Breaker', 'Sheer Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,125,7680,70,350,45,Head Butt Pokémon,40,600000,0.9,67,Zugaidosズガイドス,Cranidos,88.1,408,30,30,58,rock,,31.5,4,0
+408,"['Mold Breaker', 'Sheer Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,165,7680,70,495,45,Head Butt Pokémon,60,600000,1.6,97,Rampaldラムパルド,Rampardos,88.1,409,65,50,58,rock,,102.5,4,0
+409,"['Sturdy', 'Soundproof']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,42,7680,70,350,45,Shield Pokémon,118,600000,0.5,30,Tatetopsタテトプス,Shieldon,88.1,410,42,88,30,rock,steel,57.0,4,0
+410,"['Sturdy', 'Soundproof']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,52,7680,70,495,45,Shield Pokémon,168,600000,1.3,60,Toridepsトリデプス,Bastiodon,88.1,411,47,138,30,rock,steel,149.5,4,0
+411,"['Shed Skin', 'Overcoat']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,29,3840,70,224,120,Bagworm Pokémon,45,1000000,0.2,40,Minomucchiミノムッチ,Burmy,50.0,412,29,45,36,bug,,3.4,4,0
+412,"['Anticipation', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,69,3840,70,424,45,Bagworm Pokémon,95,1000000,0.5,60,Minomadam (kusaki No Mino)ミノマダム,Wormadam,0.0,413,69,95,36,bug,grass,6.5,4,0
+413,"['Swarm', 'Tinted Lens']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,94,3840,70,424,45,Moth Pokémon,50,1000000,0.9,70,Gamaleガーメイル,Mothim,100.0,414,94,50,66,bug,flying,23.3,4,0
+414,"['Honey Gather', 'Hustle']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,30,3840,70,244,120,Tiny Bee Pokémon,42,1059860,0.3,30,Mitsuhoneyミツハニー,Combee,88.1,415,30,42,70,bug,flying,5.5,4,0
+415,"['Pressure', 'Unnerve']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,80,3840,70,474,45,Beehive Pokémon,102,1059860,1.2,70,Beequenビークイン,Vespiquen,0.0,416,80,102,40,bug,flying,38.5,4,0
+416,"['Run Away', 'Pickup', 'Volt Absorb']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,45,2560,100,405,200,EleSquirrel Pokémon,70,1000000,0.4,60,Pachirisuパチリス,Pachirisu,50.0,417,45,90,95,electric,,3.9,4,0
+417,"['Swift Swim', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,330,190,Sea Weasel Pokémon,35,1000000,0.7,55,Buoyselブイゼル,Buizel,50.0,418,60,30,85,water,,29.5,4,0
+418,"['Swift Swim', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,495,75,Sea Weasel Pokémon,55,1000000,1.1,85,Floazelフローゼル,Floatzel,50.0,419,85,50,115,water,,33.5,4,0
+419,['Chlorophyll'],2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,35,5120,70,275,190,Cherry Pokémon,45,1000000,0.4,45,Cherinboチェリンボ,Cherubi,50.0,420,62,53,35,grass,,3.3,4,0
+420,['Flower Gift'],2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,450,75,Blossom Pokémon,70,1000000,0.5,70,Cherrimチェリム,Cherrim,50.0,421,87,78,85,grass,,9.3,4,0
+421,"['Sticky Hold', 'Storm Drain', 'Sand Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,48,5120,70,325,190,Sea Slug Pokémon,48,1000000,0.3,76,Karanakushiカラナクシ,Shellos,50.0,422,57,62,34,water,,6.3,4,0
+422,"['Sticky Hold', 'Storm Drain', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,83,5120,70,475,75,Sea Slug Pokémon,68,1000000,0.9,111,Tritodonトリトドン,Gastrodon,50.0,423,92,82,39,water,ground,29.9,4,0
+424,"['Aftermath', 'Unburden', 'Flare Boost']",0.25,2.0,1.0,2.0,1.0,0.0,1.0,1.0,2.0,0.5,0.0,2.0,0.0,0.5,1.0,2.0,1.0,1.0,50,7680,70,348,125,Balloon Pokémon,34,1640000,0.4,90,Fuwanteフワンテ,Drifloon,50.0,425,60,44,70,ghost,flying,1.2,4,0
+425,"['Aftermath', 'Unburden', 'Flare Boost']",0.25,2.0,1.0,2.0,1.0,0.0,1.0,1.0,2.0,0.5,0.0,2.0,0.0,0.5,1.0,2.0,1.0,1.0,80,7680,70,498,60,Blimp Pokémon,44,1640000,1.2,150,Fuwarideフワライド,Drifblim,50.0,426,90,54,80,ghost,flying,15.0,4,0
+428,['Levitate'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,60,6400,35,495,45,Magical Pokémon,60,800000,0.9,60,Mumargiムウマージ,Mismagius,50.0,429,105,105,105,ghost,,4.4,4,0
+432,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,30,6400,70,285,120,Bell Pokémon,50,800000,0.2,45,Lisyanリーシャン,Chingling,50.0,433,65,50,45,psychic,,0.6,4,0
+435,"['Levitate', 'Heatproof', 'Heavy Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,24,5120,70,300,255,Bronze Pokémon,86,1000000,0.5,57,Dohmirrorドーミラー,Bronzor,,436,24,86,23,steel,psychic,60.5,4,0
+436,"['Levitate', 'Heatproof', 'Heavy Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,89,5120,70,500,90,Bronze Bell Pokémon,116,1000000,1.3,67,Dohtakunドータクン,Bronzong,,437,79,116,33,steel,psychic,187.0,4,0
+437,"['Sturdy', 'Rock Head', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,80,5120,70,290,255,Bonsai Pokémon,95,1000000,0.5,50,Usohachiウソハチ,Bonsly,50.0,438,10,45,10,rock,,15.0,4,0
+438,"['Soundproof', 'Filter', 'Technician']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,25,6400,70,310,145,Mime Pokémon,45,1000000,0.6,20,Maneneマネネ,Mime Jr.,50.0,439,70,90,60,psychic,fairy,13.0,4,0
+441,"['Pressure', 'Infiltrator']",1.0,1.0,1.0,1.0,2.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,1.0,1.0,1.0,92,7680,70,485,100,Forbidden Pokémon,108,1000000,1.0,50,Mikarugeミカルゲ,Spiritomb,50.0,442,92,108,35,ghost,dark,108.0,4,0
+442,"['Sand Veil', 'Rough Skin']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,70,10240,70,300,45,Land Shark Pokémon,45,1250000,0.7,58,Fukamaruフカマル,Gible,50.0,443,40,45,42,dragon,ground,20.5,4,0
+443,"['Sand Veil', 'Rough Skin']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,90,10240,70,410,45,Cave Pokémon,65,1250000,1.4,68,Gabiteガバイト,Gabite,50.0,444,50,55,82,dragon,ground,56.0,4,0
+444,"['Sand Veil', 'Rough Skin']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,170,10240,70,700,45,Mach Pokémon,115,1250000,1.9,108,Gaburiasガブリアス,Garchomp,50.0,445,120,95,92,dragon,ground,95.0,4,0
+446,"['Steadfast', 'Inner Focus', 'Prankster']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,70,6400,70,285,75,Emanation Pokémon,40,1059860,0.7,40,Rioluリオル,Riolu,88.1,447,35,40,60,fighting,,20.2,4,0
+447,"['Steadfast', 'Inner Focus', 'Justified']",0.25,0.5,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,2.0,0.5,0.5,0.0,1.0,0.25,0.5,1.0,145,6400,70,625,45,Aura Pokémon,88,1059860,1.2,70,Lucarioルカリオ,Lucario,88.1,448,140,70,112,fighting,steel,54.0,4,0
+448,"['Sand Stream', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,72,7680,70,330,140,Hippo Pokémon,78,1250000,0.8,68,Hippopotasヒポポタス,Hippopotas,50.0,449,38,42,32,ground,,49.5,4,0
+449,"['Sand Stream', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,112,7680,70,525,60,Heavyweight Pokémon,118,1250000,2.0,108,Kabaldonカバルドン,Hippowdon,50.0,450,68,72,47,ground,,300.0,4,0
+450,"['Battle Armor', 'Sniper', 'Keen Eye']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,50,5120,70,330,120,Scorpion Pokémon,90,1250000,0.8,40,Scorupiスコルピ,Skorupi,50.0,451,30,55,65,poison,bug,12.0,4,0
+452,"['Anticipation', 'Dry Skin', 'Poison Touch']",0.25,0.5,1.0,1.0,1.0,0.5,1.0,2.0,1.0,0.5,2.0,1.0,1.0,0.5,4.0,0.5,1.0,1.0,61,2560,100,300,140,Toxic Mouth Pokémon,40,1000000,0.7,48,Gureggruグレッグル,Croagunk,50.0,453,61,40,50,poison,fighting,23.0,4,0
+453,"['Anticipation', 'Dry Skin', 'Poison Touch']",0.25,0.5,1.0,1.0,1.0,0.5,1.0,2.0,1.0,0.5,2.0,1.0,1.0,0.5,4.0,0.5,1.0,1.0,106,5120,70,490,75,Toxic Mouth Pokémon,65,1000000,1.3,83,Dokurogドクロッグ,Toxicroak,50.0,454,86,65,85,poison,fighting,44.4,4,0
+454,['Levitate'],2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,6400,70,454,200,Bug Catcher Pokémon,72,1250000,1.4,74,Muskippaマスキッパ,Carnivine,50.0,455,90,72,46,grass,,27.0,4,0
+455,"['Swift Swim', 'Storm Drain', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,49,5120,70,330,190,Wing Fish Pokémon,56,600000,0.4,49,Keikouoケイコウオ,Finneon,50.0,456,49,61,66,water,,7.0,4,0
+456,"['Swift Swim', 'Storm Drain', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,69,5120,70,460,75,Neon Pokémon,76,600000,1.2,69,Neolantネオラント,Lumineon,50.0,457,69,86,91,water,,24.0,4,0
+457,"['Swift Swim', 'Water Absorb', 'Water Veil']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,20,6400,70,345,25,Kite Pokémon,50,1250000,1.0,45,Tamantaタマンタ,Mantyke,50.0,458,60,120,50,water,flying,65.0,4,0
+458,"['Snow Warning', 'Soundproof']",2.0,1.0,1.0,0.5,1.0,2.0,4.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,0.5,62,5120,70,334,120,Frosted Tree Pokémon,50,1250000,1.0,60,Yukikaburiユキカブリ,Snover,50.0,459,62,60,40,grass,ice,50.5,4,0
+459,"['Snow Warning', 'Soundproof']",2.0,1.0,1.0,0.5,1.0,2.0,4.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,0.5,132,5120,70,594,60,Frosted Tree Pokémon,105,1250000,2.2,90,Yukinoohユキノオー,Abomasnow,50.0,460,132,105,30,grass,ice,135.5,4,0
+461,"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,70,5120,70,535,30,Magnet Area Pokémon,115,1000000,1.2,70,Jibacoilジバコイル,Magnezone,,462,130,90,60,electric,steel,180.0,4,0
+463,"['Lightningrod', 'Solid Rock', 'Reckless']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,140,5120,70,535,30,Drill Pokémon,130,1250000,2.4,115,Dosidonドサイドン,Rhyperior,50.0,464,55,55,40,ground,rock,282.8,4,0
+464,"['Chlorophyll', 'Leaf Guard', 'Regenerator']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,5120,70,535,30,Vine Pokémon,125,1000000,2.0,100,Mojumboモジャンボ,Tangrowth,50.0,465,110,50,50,grass,,128.6,4,0
+465,"['Motor Drive', 'Vital Spirit']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,123,6400,70,540,30,Thunderbolt Pokémon,67,1000000,1.8,75,Elekibleエレキブル,Electivire,75.4,466,95,85,95,electric,,138.6,4,0
+466,"['Flame Body', 'Vital Spirit']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,95,6400,70,540,30,Blast Pokémon,67,1000000,1.6,75,Booburnブーバーン,Magmortar,75.4,467,125,95,83,fire,,68.0,4,0
+467,"['Hustle', 'Serene Grace', 'Super Luck']",0.25,0.5,0.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,0.0,2.0,1.0,2.0,1.0,2.0,2.0,1.0,50,2560,70,545,30,Jubilee Pokémon,95,800000,1.5,85,Togekissトゲキッス,Togekiss,88.1,468,120,115,80,fairy,flying,38.0,4,0
+468,"['Speed Boost', 'Tinted Lens', 'Frisk']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,76,5120,70,515,30,Ogre Darner Pokémon,86,1000000,1.9,86,Megayanmaメガヤンマ,Yanmega,50.0,469,116,56,95,bug,flying,51.5,4,0
+469,"['Leaf Guard', 'Chlorophyll']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,110,8960,35,525,45,Verdant Pokémon,130,1000000,1.0,65,Leafiaリーフィア,Leafeon,88.1,470,60,65,95,grass,,25.5,4,0
+470,"['Snow Cloak', 'Ice Body']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,60,8960,35,525,45,Fresh Snow Pokémon,110,1000000,0.8,65,Glaciaグレイシア,Glaceon,88.1,471,130,95,65,ice,,25.9,4,0
+471,"['Hyper Cutter', 'Sand Veil', 'Poison Heal']",0.5,1.0,1.0,0.0,1.0,0.5,1.0,1.0,1.0,1.0,0.0,4.0,1.0,0.5,1.0,1.0,1.0,2.0,95,5120,70,510,30,Fang Scorp Pokémon,125,1059860,2.0,75,Glionグライオン,Gliscor,50.0,472,45,75,95,ground,flying,42.5,4,0
+472,"['Oblivious', 'Snow Cloak', 'Thick Fat']",1.0,1.0,1.0,0.0,1.0,2.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,130,5120,70,530,50,Twin Tusk Pokémon,80,1250000,2.5,110,Mammooマンムー,Mamoswine,50.0,473,70,60,80,ice,ground,291.0,4,0
+474,"['Steadfast', 'Justified']",1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,165,5120,35,618,45,Blade Pokémon,95,1250000,1.6,68,Erureidoエルレイド,Gallade,100.0,475,65,115,110,psychic,fighting,52.0,4,0
+475,"['Sturdy', 'Magnet Pull', 'Sand Force']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,55,5120,70,525,60,Compass Pokémon,145,1000000,1.4,60,Dainoseダイノーズ,Probopass,50.0,476,75,150,40,rock,steel,340.0,4,0
+476,"['Pressure', 'Frisk']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,100,6400,35,525,45,Gripper Pokémon,135,800000,2.2,45,Yonoirヨノワール,Dusknoir,50.0,477,65,135,45,ghost,,106.6,4,0
+477,"['Snow Cloak', 'Cursed Body']",0.5,2.0,1.0,1.0,1.0,0.0,2.0,1.0,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,2.0,1.0,80,5120,70,480,75,Snow Land Pokémon,70,1000000,1.3,70,Yukimenokoユキメノコ,Froslass,0.0,478,80,70,110,ice,ghost,26.6,4,0
+478,['Levitate'],0.5,2.0,1.0,0.5,1.0,0.0,1.0,0.5,2.0,1.0,2.0,1.0,0.0,0.5,1.0,1.0,0.5,1.0,65,5120,70,520,45,Plasma Pokémon,107,1000000,0.3,50,Rotomロトム,Rotom,,479,105,107,86,electric,ghost,0.3,4,0
+479,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,75,20480,140,580,3,Knowledge Pokémon,130,1250000,0.3,75,Yuxieユクシー,Uxie,,480,75,130,95,psychic,,0.3,4,1
+480,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,105,20480,140,580,3,Emotion Pokémon,105,1250000,0.3,80,Emritエムリット,Mesprit,,481,105,105,80,psychic,,0.3,4,1
+481,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,125,20480,140,580,3,Willpower Pokémon,70,1250000,0.3,75,Agnomeアグノム,Azelf,,482,125,70,115,psychic,,0.3,4,1
+482,"['Pressure', 'Telepathy']",0.5,1.0,1.0,0.5,1.0,2.0,1.0,0.5,1.0,0.25,2.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,120,30720,0,680,3,Temporal Pokémon,120,1250000,5.4,100,Dialgaディアルガ,Dialga,,483,150,100,90,steel,dragon,683.0,4,1
+483,"['Pressure', 'Telepathy']",1.0,1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.25,120,30720,0,680,3,Spatial Pokémon,100,1250000,4.2,90,Palkiaパルキア,Palkia,,484,150,120,100,water,dragon,336.0,4,1
+484,"['Flash Fire', 'Flame Body']",0.25,1.0,0.5,1.0,0.25,2.0,1.0,0.5,1.0,0.25,4.0,0.25,0.5,0.0,0.5,1.0,0.25,2.0,90,2560,100,600,3,Lava Dome Pokémon,106,1250000,1.7,91,Heatranヒードラン,Heatran,50.0,485,130,106,77,fire,steel,430.0,4,1
+486,"['Pressure', 'Telepathy', 'Levitate']",0.5,2.0,2.0,0.5,2.0,0.0,0.5,1.0,2.0,0.5,1.0,2.0,0.0,0.5,1.0,1.0,1.0,0.5,120,30720,0,680,3,Renegade Pokémon,100,1250000,4.5,150,Giratina (another Forme)ギラティナ,Giratina,,487,120,100,90,ghost,dragon,750.0,4,1
+487,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,70,30720,100,600,3,Lunar Pokémon,120,1250000,1.5,120,Cresseliaクレセリア,Cresselia,0.0,488,75,130,85,psychic,,85.6,4,1
+488,['Hydration'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,80,10240,70,480,30,Sea Drifter Pokémon,80,1250000,0.4,80,Phioneフィオネ,Phione,,489,80,80,80,water,,3.1,4,0
+489,['Hydration'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,100,2560,70,600,3,Seafaring Pokémon,100,1250000,0.3,100,Manaphyマナフィ,Manaphy,,490,100,100,100,water,,1.4,4,1
+491,"['Natural Cure', 'Serene Grace']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,103,30720,100,600,45,Gratitude Pokémon,75,1059860,0.2,100,Shaymin (sky Forme)シェイミ,Shaymin,,492,120,75,127,grass,grass,2.1,4,1
+493,['Victory Star'],1.0,2.0,1.0,1.0,0.5,0.5,0.5,1.0,2.0,0.5,2.0,0.5,1.0,1.0,0.5,2.0,0.5,2.0,100,30720,100,600,3,Victory Pokémon,100,1250000,0.4,100,Victiniビクティニ,Victini,,494,100,100,100,psychic,fire,4.0,5,1
+494,"['Overgrow', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,45,5120,70,308,45,Grass Snake Pokémon,55,1059860,0.6,45,Tsutarjaツタージャ,Snivy,88.1,495,45,55,63,grass,,8.1,5,0
+495,"['Overgrow', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,413,45,Grass Snake Pokémon,75,1059860,0.8,60,Janovyジャノビー,Servine,88.1,496,60,75,83,grass,,16.0,5,0
+496,"['Overgrow', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,75,5120,70,528,45,Regal Pokémon,95,1059860,3.3,75,Jalordaジャローダ,Serperior,88.1,497,75,95,113,grass,,63.0,5,0
+497,"['Blaze', 'Thick Fat']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,63,5120,70,308,45,Fire Pig Pokémon,45,1059860,0.5,65,Pokabuポカブ,Tepig,88.1,498,45,45,45,fire,,9.9,5,0
+498,"['Blaze', 'Thick Fat']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,93,5120,70,418,45,Fire Pig Pokémon,55,1059860,1.0,90,Chaobooチャオブー,Pignite,88.1,499,70,55,55,fire,fighting,55.5,5,0
+499,"['Blaze', 'Reckless']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,123,5120,70,528,45,Mega Fire Pig Pokémon,65,1059860,1.6,110,Enbuohエンブオー,Emboar,88.1,500,100,65,65,fire,fighting,150.0,5,0
+500,"['Torrent', 'Shell Armor']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,55,5120,70,308,45,Sea Otter Pokémon,45,1059860,0.5,55,Mijumaruミジュマル,Oshawott,88.1,501,63,45,45,water,,5.9,5,0
+501,"['Torrent', 'Shell Armor']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,5120,70,413,45,Discipline Pokémon,60,1059860,0.8,75,Futachimaruフタチマル,Dewott,88.1,502,83,60,60,water,,24.5,5,0
+502,"['Torrent', 'Shell Armor']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,100,5120,70,528,45,Formidable Pokémon,85,1059860,1.5,95,Daikenkiダイケンキ,Samurott,88.1,503,108,70,70,water,,94.6,5,0
+510,"['Gluttony', 'Overgrow']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,53,5120,70,316,190,Grass Monkey Pokémon,48,1000000,0.6,50,Yanappuヤナップ,Pansage,88.1,511,53,48,64,grass,,10.5,5,0
+511,"['Gluttony', 'Overgrow']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,98,5120,70,498,75,Thorn Monkey Pokémon,63,1000000,1.1,75,Yanakkieヤナッキー,Simisage,88.1,512,98,63,101,grass,,30.5,5,0
+512,"['Gluttony', 'Blaze']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,53,5120,70,316,190,High Temp Pokémon,48,1000000,0.6,50,Baoppuバオップ,Pansear,88.1,513,53,48,64,fire,,11.0,5,0
+513,"['Gluttony', 'Blaze']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,98,5120,70,498,75,Ember Pokémon,63,1000000,1.0,75,Baokkieバオッキー,Simisear,88.1,514,98,63,101,fire,,28.0,5,0
+514,"['Gluttony', 'Torrent']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,53,5120,70,316,190,Spray Pokémon,48,1000000,0.6,50,Hiyappuヒヤップ,Panpour,88.1,515,53,48,64,water,,13.5,5,0
+515,"['Gluttony', 'Torrent']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,98,5120,70,498,75,Geyser Pokémon,63,1000000,1.0,75,Hiyakkieヒヤッキー,Simipour,88.1,516,98,63,101,water,,29.0,5,0
+516,"['Forewarn', 'Synchronize', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,25,2560,70,292,190,Dream Eater Pokémon,45,800000,0.6,76,Munnaムンナ,Munna,50.0,517,67,55,24,psychic,,23.3,5,0
+517,"['Forewarn', 'Synchronize', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,55,2560,70,487,75,Drowsing Pokémon,85,800000,1.1,116,Musharnaムシャーナ,Musharna,50.0,518,107,95,29,psychic,,60.5,5,0
+521,"['Lightningrod', 'Motor Drive', 'Sap Sipper']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,60,5120,70,295,190,Electrified Pokémon,32,1000000,0.8,45,Shimamaシママ,Blitzle,50.0,522,50,32,76,electric,,29.8,5,0
+522,"['Lightningrod', 'Motor Drive', 'Sap Sipper']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,100,5120,70,497,75,Thunderbolt Pokémon,63,1000000,1.6,75,Zebraikaゼブライカ,Zebstrika,50.0,523,80,63,116,electric,,79.5,5,0
+523,"['Sturdy', 'Weak Armor', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,75,3840,70,280,255,Mantle Pokémon,85,1059860,0.4,55,Dangoroダンゴロ,Roggenrola,50.0,524,25,25,15,rock,,18.0,5,0
+524,"['Sturdy', 'Weak Armor', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,105,3840,70,390,120,Ore Pokémon,105,1059860,0.9,70,Gantleガントル,Boldore,50.0,525,50,40,20,rock,,102.0,5,0
+525,"['Sturdy', 'Sand Stream', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,135,3840,70,515,45,Compressed Pokémon,130,1059860,1.7,85,Gigaiathギガイアス,Gigalith,50.0,526,60,80,25,rock,,260.0,5,0
+526,"['Unaware', 'Klutz', 'Simple']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,45,3840,70,323,190,Bat Pokémon,43,1000000,0.4,65,Koromoriコロモリ,Woobat,50.0,527,55,43,72,psychic,flying,2.1,5,0
+527,"['Unaware', 'Klutz', 'Simple']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,57,3840,70,425,45,Courting Pokémon,55,1000000,0.9,67,Kokoromoriココロモリ,Swoobat,50.0,528,77,55,114,psychic,flying,10.5,5,0
+528,"['Sand Rush', 'Sand Force', 'Mold Breaker']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,85,5120,70,328,120,Mole Pokémon,40,1000000,0.3,60,Mogurewモグリュー,Drilbur,50.0,529,30,45,68,ground,,8.5,5,0
+529,"['Sand Rush', 'Sand Force', 'Mold Breaker']",0.5,1.0,0.5,0.0,0.5,2.0,2.0,0.5,1.0,1.0,2.0,1.0,0.5,0.0,0.5,0.25,0.5,2.0,135,5120,70,508,60,Subterrene Pokémon,60,1000000,0.7,110,Doryuzuドリュウズ,Excadrill,50.0,530,50,65,88,ground,steel,40.4,5,0
+531,"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,80,5120,70,305,180,Muscular Pokémon,55,1059860,0.6,75,Dokkorerドッコラー,Timburr,75.4,532,25,35,35,fighting,,12.5,5,0
+532,"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,105,5120,70,405,90,Muscular Pokémon,85,1059860,1.2,85,Dotekkotsuドテッコツ,Gurdurr,75.4,533,40,50,40,fighting,,40.0,5,0
+533,"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,140,5120,70,505,45,Muscular Pokémon,95,1059860,1.4,105,Roubushinローブシン,Conkeldurr,75.4,534,55,65,45,fighting,,87.0,5,0
+534,"['Swift Swim', 'Hydration', 'Water Absorb']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,50,5120,70,294,255,Tadpole Pokémon,40,1059860,0.5,50,Otamaroオタマロ,Tympole,50.0,535,50,40,64,water,,4.5,5,0
+535,"['Swift Swim', 'Hydration', 'Water Absorb']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,65,5120,70,384,120,Vibration Pokémon,55,1059860,0.8,75,Gamagaruガマガル,Palpitoad,50.0,536,65,55,69,water,ground,17.0,5,0
+536,"['Swift Swim', 'Poison Touch', 'Water Absorb']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,95,5120,70,509,45,Vibration Pokémon,75,1059860,1.5,105,Gamagerogeガマゲロゲ,Seismitoad,50.0,537,85,75,74,water,ground,62.0,5,0
+537,"['Guts', 'Inner Focus', 'Mold Breaker']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,100,5120,70,465,45,Judo Pokémon,85,1000000,1.3,120,Nagekiナゲキ,Throh,100.0,538,30,85,45,fighting,,55.5,5,0
+538,"['Sturdy', 'Inner Focus', 'Mold Breaker']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,125,5120,70,465,45,Karate Pokémon,75,1000000,1.4,75,Dagekiダゲキ,Sawk,100.0,539,30,75,85,fighting,,51.0,5,0
+539,"['Swarm', 'Chlorophyll', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,53,3840,70,310,255,Sewing Pokémon,70,1059860,0.3,45,Kurumiruクルミル,Sewaddle,50.0,540,40,60,42,bug,grass,2.5,5,0
+540,"['Leaf Guard', 'Chlorophyll', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,63,3840,70,380,120,Leaf-Wrapped Pokémon,90,1059860,0.5,55,Kurumayuクルマユ,Swadloon,50.0,541,50,80,42,bug,grass,7.3,5,0
+541,"['Swarm', 'Chlorophyll', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,103,3840,70,500,45,Nurturing Pokémon,80,1059860,1.2,75,Hahakomoriハハコモリ,Leavanny,50.0,542,70,80,92,bug,grass,20.5,5,0
+542,"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,45,3840,70,260,255,Centipede Pokémon,59,1059860,0.4,30,Fushideフシデ,Venipede,50.0,543,30,39,57,bug,poison,5.3,5,0
+543,"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,55,3840,70,360,120,Curlipede Pokémon,99,1059860,1.2,40,Wheegaホイーガ,Whirlipede,50.0,544,40,79,47,bug,poison,58.5,5,0
+544,"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,100,5120,70,485,45,Megapede Pokémon,89,1059860,2.5,60,Pendrorペンドラー,Scolipede,50.0,545,55,69,112,bug,poison,200.5,5,0
+545,"['Prankster', 'Infiltrator', 'Chlorophyll']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,27,5120,70,280,190,Cotton Puff Pokémon,60,1000000,0.3,40,Monmenモンメン,Cottonee,50.0,546,37,50,66,grass,fairy,0.6,5,0
+546,"['Prankster', 'Infiltrator', 'Chlorophyll']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,67,5120,70,480,75,Windveiled Pokémon,85,1000000,0.7,60,Elfuunエルフーン,Whimsicott,50.0,547,77,75,116,grass,fairy,6.6,5,0
+547,"['Chlorophyll', 'Own Tempo', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,35,5120,70,280,190,Bulb Pokémon,50,1000000,0.5,45,Churineチュリネ,Petilil,0.0,548,70,50,30,grass,,6.6,5,0
+548,"['Chlorophyll', 'Own Tempo', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,480,75,Flowering Pokémon,75,1000000,1.1,70,Dredearドレディア,Lilligant,0.0,549,110,75,90,grass,,16.3,5,0
+549,"['Reckless', 'Rock Head', 'Adaptability', 'Mold Breaker']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,92,10240,70,460,25,Hostile Pokémon,65,1000000,1.0,70,Bassraoバスラオ,Basculin,50.0,550,80,55,98,water,,18.0,5,0
+553,"['Hustle', 'Inner Focus']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,90,5120,70,315,120,Zen Charm Pokémon,45,1059860,0.6,70,Darumakkaダルマッカ,Darumaka,50.0,554,15,45,50,fire,,37.5,5,0
+554,"['Sheer Force', 'Zen Mode']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,30,5120,70,540,60,Blazing Pokémon,105,1059860,1.3,105,Hihidarumaヒヒダルマ,Darmanitan,50.0,555,140,105,55,fire,fire,92.9,5,0
+555,"['Water Absorb', 'Chlorophyll', 'Storm Drain']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,86,5120,70,461,255,Cactus Pokémon,67,1000000,1.0,75,Maracacchiマラカッチ,Maractus,50.0,556,106,67,60,grass,,28.0,5,0
+556,"['Sturdy', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,65,5120,70,325,190,Rock Inn Pokémon,85,1000000,0.3,50,Ishizumaiイシズマイ,Dwebble,50.0,557,35,35,55,bug,rock,14.5,5,0
+557,"['Sturdy', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,105,5120,70,485,75,Stone Home Pokémon,125,1000000,1.4,70,Iwapalaceイワパレス,Crustle,50.0,558,65,75,45,bug,rock,200.0,5,0
+560,"['Wonder Skin ', 'Magic Guard', 'Tinted Lens']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,58,5120,70,490,45,Avianoid Pokémon,80,1000000,1.4,72,Symbolerシンボラー,Sigilyph,50.0,561,103,80,97,psychic,flying,14.0,5,0
+561,['Mummy'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,30,6400,70,303,190,Spirit Pokémon,85,1000000,0.5,38,Desumasuデスマス,Yamask,50.0,562,55,65,30,ghost,,1.5,5,0
+562,['Mummy'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,50,6400,70,483,90,Coffin Pokémon,145,1000000,1.7,58,Desukarnデスカーン,Cofagrigus,50.0,563,95,105,30,ghost,,76.5,5,0
+563,"['Solid Rock', 'Sturdy', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,78,7680,70,355,45,Prototurtle Pokémon,103,1000000,0.7,54,Protogaプロトーガ,Tirtouga,88.1,564,53,45,22,water,rock,16.5,5,0
+564,"['Solid Rock', 'Sturdy', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,108,7680,70,495,45,Prototurtle Pokémon,133,1000000,1.2,74,Abagouraアバゴーラ,Carracosta,88.1,565,83,65,32,water,rock,81.0,5,0
+565,['Defeatist'],0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,112,7680,70,401,45,First Bird Pokémon,45,1000000,0.5,55,Archenアーケン,Archen,88.1,566,74,45,70,rock,flying,9.5,5,0
+566,['Defeatist'],0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,140,7680,70,567,45,First Bird Pokémon,65,1000000,1.4,75,Archeosアーケオス,Archeops,88.1,567,112,65,110,rock,flying,32.0,5,0
+567,"['Stench', 'Sticky Hold', 'Aftermath']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,50,5120,70,329,190,Trash Bag Pokémon,62,1000000,0.6,50,Yabukuronヤブクロン,Trubbish,50.0,568,40,62,65,poison,,31.0,5,0
+568,"['Stench', 'Weak Armor', 'Aftermath']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,95,5120,70,474,60,Trash Heap Pokémon,82,1000000,1.9,80,Dustdasダストダス,Garbodor,50.0,569,60,82,75,poison,,107.3,5,0
+573,"['Frisk', 'Competitive', 'Shadow Tag']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,30,5120,70,290,200,Fixation Pokémon,50,1059860,0.4,45,Gothimuゴチム,Gothita,24.6,574,55,65,45,psychic,,5.8,5,0
+574,"['Frisk', 'Competitive', 'Shadow Tag']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,45,5120,70,390,100,Manipulate Pokémon,70,1059860,0.7,60,Gothimiruゴチミル,Gothorita,24.6,575,75,85,55,psychic,,18.0,5,0
+575,"['Frisk', 'Competitive', 'Shadow Tag']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,55,5120,70,490,50,Astral Body Pokémon,95,1059860,1.5,70,Gothiruselleゴチルゼル,Gothitelle,24.6,576,95,110,65,psychic,,44.0,5,0
+576,"['Overcoat', 'Magic Guard', 'Regenerator']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,30,5120,70,290,200,Cell Pokémon,40,1059860,0.3,45,Uniranユニラン,Solosis,50.0,577,105,50,20,psychic,,1.0,5,0
+577,"['Overcoat', 'Magic Guard', 'Regenerator']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,40,5120,70,370,100,Mitosis Pokémon,50,1059860,0.6,65,Doublanダブラン,Duosion,50.0,578,125,60,30,psychic,,8.0,5,0
+578,"['Overcoat', 'Magic Guard', 'Regenerator']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,65,5120,70,490,50,Multiplying Pokémon,75,1059860,1.0,110,Lanculusランクルス,Reuniclus,50.0,579,125,85,30,psychic,,20.1,5,0
+579,"['Keen Eye', 'Big Pecks', 'Hydration']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,44,5120,70,305,190,Water Bird Pokémon,50,1000000,0.5,62,Koaruhieコアルヒー,Ducklett,50.0,580,44,50,55,water,flying,5.5,5,0
+580,"['Keen Eye', 'Big Pecks', 'Hydration']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,87,5120,70,473,45,White Bird Pokémon,63,1000000,1.3,75,Swannaスワンナ,Swanna,50.0,581,87,63,98,water,flying,24.2,5,0
+581,"['Ice Body', 'Snow Cloak', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,5120,70,305,255,Fresh Snow Pokémon,50,1250000,0.4,36,Vanipetiバニプッチ,Vanillite,50.0,582,65,60,44,ice,,5.7,5,0
+582,"['Ice Body', 'Snow Cloak', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,65,5120,70,395,120,Icy Snow Pokémon,65,1250000,1.1,51,Vanirichバニリッチ,Vanillish,50.0,583,80,75,59,ice,,41.0,5,0
+583,"['Ice Body', 'Snow Warning', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,95,5120,70,535,45,Snowstorm Pokémon,85,1250000,1.3,71,Baivanillaバイバニラ,Vanilluxe,50.0,584,110,95,79,ice,,57.5,5,0
+586,"['Static', 'Motor Drive']",0.5,1.0,1.0,1.0,1.0,0.5,1.0,0.5,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,0.5,1.0,75,5120,70,428,200,Sky Squirrel Pokémon,60,1000000,0.4,55,Emongaエモンガ,Emolga,50.0,587,75,60,103,electric,flying,5.0,5,0
+587,"['Swarm', 'Shed Skin', 'No Guard']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,75,3840,70,315,200,Clamping Pokémon,45,1000000,0.5,50,Kaburumoカブルモ,Karrablast,50.0,588,40,45,60,bug,,5.9,5,0
+588,"['Swarm', 'Shell Armor', 'Overcoat']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,135,3840,70,495,75,Cavalry Pokémon,105,1000000,1.0,70,Chevargoシュバルゴ,Escavalier,50.0,589,60,105,20,bug,steel,33.0,5,0
+589,"['Effect Spore', 'Regenerator']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,55,5120,70,294,190,Mushroom Pokémon,45,1000000,0.2,69,Tamagetakeタマゲタケ,Foongus,50.0,590,55,55,15,grass,poison,1.0,5,0
+590,"['Effect Spore', 'Regenerator']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,85,5120,70,464,75,Mushroom Pokémon,70,1000000,0.6,114,Morobareruモロバレル,Amoonguss,50.0,591,85,80,30,grass,poison,10.5,5,0
+591,"['Water Absorb', 'Cursed Body', 'Damp']",0.5,2.0,1.0,2.0,1.0,0.0,0.5,1.0,2.0,2.0,1.0,0.5,0.0,0.5,1.0,1.0,0.5,0.5,40,5120,70,335,190,Floating Pokémon,50,1000000,1.2,55,Pururillプルリル,Frillish,50.0,592,65,85,40,water,ghost,33.0,5,0
+592,"['Water Absorb', 'Cursed Body', 'Damp']",0.5,2.0,1.0,2.0,1.0,0.0,0.5,1.0,2.0,2.0,1.0,0.5,0.0,0.5,1.0,1.0,0.5,0.5,60,5120,70,480,60,Floating Pokémon,70,1000000,2.2,100,Burungelブルンゲル,Jellicent,50.0,593,85,105,60,water,ghost,135.0,5,0
+593,"['Healer', 'Hydration', 'Regenerator']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,10240,70,470,75,Caring Pokémon,80,800000,1.2,165,Mamanbouママンボウ,Alomomola,50.0,594,40,45,65,water,,31.6,5,0
+594,"['Compoundeyes', 'Unnerve', 'Swarm']",1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,47,5120,70,319,190,Attaching Pokémon,50,1000000,0.1,50,Bachuruバチュル,Joltik,50.0,595,57,50,65,bug,electric,0.6,5,0
+595,"['Compoundeyes', 'Unnerve', 'Swarm']",1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,77,5120,70,472,75,EleSpider Pokémon,60,1000000,0.8,70,Dentulaデンチュラ,Galvantula,50.0,596,97,60,108,bug,electric,14.3,5,0
+596,['Iron Barbs'],1.0,1.0,0.5,0.5,0.5,2.0,4.0,1.0,1.0,0.25,1.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,50,5120,70,305,255,Thorn Seed Pokémon,91,1000000,0.6,44,Tesseedテッシード,Ferroseed,50.0,597,24,86,10,grass,steel,18.8,5,0
+597,"['Iron Barbs', 'Anticipation']",1.0,1.0,0.5,0.5,0.5,2.0,4.0,1.0,1.0,0.25,1.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,94,5120,70,489,90,Thorn Pod Pokémon,131,1000000,1.0,74,Nutreyナットレイ,Ferrothorn,50.0,598,54,116,20,grass,steel,110.0,5,0
+598,"['Plus', 'Minus', 'Clear Body']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,55,5120,70,300,130,Gear Pokémon,70,1059860,0.3,40,Giaruギアル,Klink,,599,45,60,30,steel,,21.0,5,0
+599,"['Plus', 'Minus', 'Clear Body']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,80,5120,70,440,60,Gear Pokémon,95,1059860,0.6,60,Gigiaruギギアル,Klang,,600,70,85,50,steel,,51.0,5,0
+600,"['Plus', 'Minus', 'Clear Body']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,100,5120,70,520,30,Gear Pokémon,115,1059860,0.6,60,Gigigiaruギギギアル,Klinklang,,601,70,85,90,steel,,81.0,5,0
+601,['Levitate'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,5120,70,275,190,EleFish Pokémon,40,1250000,0.2,35,Shibishirasuシビシラス,Tynamo,50.0,602,45,40,60,electric,,0.3,5,0
+602,['Levitate'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,5120,70,405,60,EleFish Pokémon,70,1250000,1.2,65,Shibibeelシビビール,Eelektrik,50.0,603,75,70,40,electric,,22.0,5,0
+603,['Levitate'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,115,5120,70,515,30,EleFish Pokémon,80,1250000,2.1,85,Shibirudonシビルドン,Eelektross,50.0,604,105,80,50,electric,,80.5,5,0
+604,"['Telepathy', 'Synchronize', 'Analytic']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,55,5120,70,335,255,Cerebral Pokémon,55,1000000,0.5,55,Ligrayリグレー,Elgyem,50.0,605,85,55,30,psychic,,9.0,5,0
+605,"['Telepathy', 'Synchronize', 'Analytic']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,75,5120,70,485,90,Cerebral Pokémon,75,1000000,1.0,75,Ohbemオーベム,Beheeyem,50.0,606,125,95,40,psychic,,34.5,5,0
+606,"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,30,5120,70,275,190,Candle Pokémon,55,1059860,0.3,50,Hitomoshiヒトモシ,Litwick,50.0,607,65,55,20,ghost,fire,3.1,5,0
+607,"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,40,5120,70,370,90,Lamp Pokémon,60,1059860,0.6,60,Lamplerランプラー,Lampent,50.0,608,95,60,55,ghost,fire,13.0,5,0
+608,"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,55,5120,70,520,45,Luring Pokémon,90,1059860,1.0,60,Chandelaシャンデラ,Chandelure,50.0,609,145,90,80,ghost,fire,34.3,5,0
+609,"['Rivalry', 'Mold Breaker', 'Unnerve']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,87,10240,35,320,75,Tusk Pokémon,60,1250000,0.6,46,Kibagoキバゴ,Axew,50.0,610,30,40,57,dragon,,18.0,5,0
+610,"['Rivalry', 'Mold Breaker', 'Unnerve']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,117,10240,35,410,60,Axe Jaw Pokémon,70,1250000,1.0,66,Onondoオノンド,Fraxure,50.0,611,40,50,67,dragon,,36.0,5,0
+611,"['Rivalry', 'Mold Breaker', 'Unnerve']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,147,10240,35,540,45,Axe Jaw Pokémon,90,1250000,1.8,76,Ononokusオノノクス,Haxorus,50.0,612,60,70,97,dragon,,105.5,5,0
+612,"['Snow Cloak', 'Slush Rush', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,70,5120,70,305,120,Chill Pokémon,40,1000000,0.5,55,Kumasyunクマシュン,Cubchoo,50.0,613,60,40,40,ice,,8.5,5,0
+613,"['Snow Cloak', 'Slush Rush', 'Swift Swim']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,130,5120,70,505,60,Freezing Pokémon,80,1000000,2.6,95,Tunbearツンベアー,Beartic,50.0,614,70,80,50,ice,,260.0,5,0
+614,['Levitate'],1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,6400,70,515,25,Crystallizing Pokémon,50,1000000,1.1,80,Freegeoフリージオ,Cryogonal,,615,95,135,105,ice,,148.0,5,0
+615,"['Hydration', 'Shell Armor', 'Overcoat']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,40,3840,70,305,200,Snail Pokémon,85,1000000,0.4,50,Chobomakiチョボマキ,Shelmet,50.0,616,40,65,25,bug,,7.7,5,0
+616,"['Hydration', 'Sticky Hold', 'Unburden']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,70,3840,70,495,75,Shell Out Pokémon,40,1000000,0.8,80,Agilderアギルダー,Accelgor,50.0,617,100,60,145,bug,,25.3,5,0
+617,"['Static', 'Limber', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,0.5,1.0,2.0,2.0,2.0,1.0,0.5,1.0,0.5,0.5,2.0,66,5120,70,471,75,Trap Pokémon,84,1000000,0.7,109,Maggyoマッギョ,Stunfisk,50.0,618,81,99,32,ground,electric,11.0,5,0
+618,"['Inner Focus', 'Regenerator', 'Reckless']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,85,6400,70,350,180,Martial Arts Pokémon,50,1059860,0.9,45,Kojofuコジョフー,Mienfoo,50.0,619,55,50,65,fighting,,20.0,5,0
+619,"['Inner Focus', 'Regenerator', 'Reckless']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,125,6400,70,510,45,Martial Arts Pokémon,60,1059860,1.4,65,Kojondoコジョンド,Mienshao,50.0,620,95,60,105,fighting,,35.5,5,0
+620,"['Rough Skin', 'Sheer Force', 'Mold Breaker']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,120,7680,70,485,45,Cave Pokémon,90,1000000,1.6,77,Crimganクリムガン,Druddigon,50.0,621,60,90,48,dragon,,139.0,5,0
+621,"['Iron Fist', 'Klutz', 'No Guard']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,74,6400,70,303,190,Automaton Pokémon,50,1000000,1.0,59,Gobitゴビット,Golett,,622,35,50,35,ground,ghost,92.0,5,0
+622,"['Iron Fist', 'Klutz', 'No Guard']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,124,6400,70,483,90,Automaton Pokémon,80,1000000,2.8,89,Goloogゴルーグ,Golurk,,623,55,80,55,ground,ghost,330.0,5,0
+630,"['Gluttony', 'Flash Fire', 'White Smoke']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,97,5120,70,484,90,Anteater Pokémon,66,1000000,1.4,85,Kuitaranクイタラン,Heatmor,50.0,631,105,66,65,fire,,58.0,5,0
+631,"['Swarm', 'Hustle', 'Truant']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,109,5120,70,484,90,Iron Ant Pokémon,112,1000000,0.3,58,Aiantアイアント,Durant,50.0,632,48,48,109,bug,steel,33.0,5,0
+635,"['Flame Body', 'Swarm']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,2.0,1.0,0.25,1.0,0.5,1.0,1.0,1.0,4.0,0.5,2.0,85,10240,70,360,45,Torch Pokémon,55,1250000,1.1,55,Merlarvaメラルバ,Larvesta,50.0,636,50,55,60,bug,fire,28.8,5,0
+636,"['Flame Body', 'Swarm']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,2.0,1.0,0.25,1.0,0.5,1.0,1.0,1.0,4.0,0.5,2.0,60,10240,70,550,15,Sun Pokémon,65,1250000,1.6,85,Ulgamothウルガモス,Volcarona,50.0,637,135,105,100,bug,fire,46.0,5,0
+637,['Justified'],0.25,0.5,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,2.0,0.5,0.5,0.0,1.0,0.25,0.5,1.0,90,20480,35,580,3,Iron Will Pokémon,129,1250000,2.1,91,Cobalonコバルオン,Cobalion,,638,90,72,108,steel,fighting,250.0,5,1
+638,['Justified'],0.5,0.5,1.0,1.0,2.0,2.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,0.5,2.0,2.0,129,20480,35,580,3,Cavern Pokémon,90,1250000,1.9,91,Terrakionテラキオン,Terrakion,,639,72,90,108,rock,fighting,260.0,5,1
+639,['Justified'],1.0,0.5,1.0,0.5,2.0,1.0,2.0,4.0,1.0,0.5,0.5,2.0,1.0,2.0,2.0,0.5,1.0,0.5,90,20480,35,580,3,Grassland Pokémon,72,1250000,2.0,91,Virizionビリジオン,Virizion,,640,90,129,108,grass,fighting,200.0,5,1
+640,"['Prankster', 'Defiant', 'Regenerator']",0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,100,30720,90,580,3,Cyclone Pokémon,80,1250000,1.5,79,Tornelos (keshin Forme)トルネロス,Tornadus,100.0,641,110,90,121,flying,,63.0,5,1
+641,"['Prankster', 'Defiant', 'Volt Absorb']",0.5,1.0,1.0,1.0,1.0,0.5,1.0,0.5,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,0.5,1.0,105,30720,90,580,3,Bolt Strike Pokémon,70,1250000,1.5,79,Voltolos (keshin Forme)ボルトロス,Thundurus,100.0,642,145,80,101,electric,flying,61.0,5,1
+642,['Turboblaze'],0.5,1.0,2.0,0.5,1.0,1.0,0.25,1.0,1.0,0.25,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,120,30720,0,680,3,Vast White Pokémon,100,1250000,3.2,100,Reshiramレシラム,Reshiram,,643,150,120,90,dragon,fire,330.0,5,1
+643,['Teravolt'],1.0,1.0,2.0,0.25,2.0,1.0,0.5,0.5,1.0,0.5,2.0,2.0,1.0,1.0,1.0,1.0,0.5,0.5,150,30720,0,680,3,Deep Black Pokémon,120,1250000,2.9,100,Zekromゼクロム,Zekrom,,644,120,100,90,dragon,electric,345.0,5,1
+644,"['Sand Force', 'Sheer Force', 'Intimidate']",0.5,1.0,1.0,0.0,1.0,0.5,1.0,1.0,1.0,1.0,0.0,4.0,1.0,0.5,1.0,1.0,1.0,2.0,145,30720,90,600,3,Abundance Pokémon,90,1250000,1.5,89,Landlos (keshin Forme)ランドロス,Landorus,100.0,645,105,80,91,ground,flying,68.0,5,1
+645,"['Pressure', 'Teravolt', 'Turboblaze']",1.0,1.0,2.0,0.5,2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,2.0,0.5,120,30720,0,700,3,Boundary Pokémon,90,1250000,3.0,125,Kyuremキュレム,Kyurem,,646,170,100,95,dragon,ice,325.0,5,1
+646,['Justified'],0.5,0.5,1.0,2.0,2.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,1.0,1.0,2.0,0.5,0.5,0.5,72,20480,35,580,3,Colt Pokémon,90,1250000,1.4,91,Keldeo (itsumo No Sugata)ケルディオ,Keldeo,,647,129,90,108,water,fighting,48.5,5,1
+648,['Download'],0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,120,30720,0,600,3,Paleozoic Pokémon,95,1250000,1.5,71,Genesectゲノセクト,Genesect,,649,120,95,99,bug,steel,82.5,5,1
+649,"['Overgrow', 'Bulletproof']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,61,5120,70,313,45,Spiky Nut Pokémon,65,1059860,0.4,56,Harimaronハリマロン,Chespin,88.1,650,48,45,38,grass,,9.0,6,0
+650,"['Overgrow', 'Bulletproof']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,78,5120,70,405,45,Spiny Armor Pokémon,95,1059860,0.7,61,Hariborgハリボーグ,Quilladin,88.1,651,56,58,57,grass,,29.0,6,0
+651,"['Overgrow', 'Bulletproof']",1.0,0.5,1.0,0.5,2.0,1.0,2.0,4.0,1.0,0.5,0.5,2.0,1.0,2.0,2.0,0.5,1.0,0.5,107,5120,70,530,45,Spiny Armor Pokémon,122,1059860,1.6,88,Brigarronブリガロン,Chesnaught,88.1,652,74,75,64,grass,fighting,90.0,6,0
+652,"['Blaze', 'Magician']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,45,5120,70,307,45,Fox Pokémon,40,1059860,0.4,40,Fokkoフォッコ,Fennekin,88.1,653,62,60,60,fire,,9.4,6,0
+653,"['Blaze', 'Magician']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,59,5120,70,409,45,Fox Pokémon,58,1059860,1.0,59,Tairenarテールナー,Braixen,88.1,654,90,70,73,fire,,14.5,6,0
+654,"['Blaze', 'Magician']",1.0,2.0,1.0,1.0,0.5,0.5,0.5,1.0,2.0,0.5,2.0,0.5,1.0,1.0,0.5,2.0,0.5,2.0,69,5120,70,534,45,Fox Pokémon,72,1059860,1.5,75,Mahoxyマフォクシー,Delphox,88.1,655,114,100,104,fire,psychic,39.0,6,0
+655,"['Torrent', 'Protean']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,56,5120,70,314,45,Bubble Frog Pokémon,40,1059860,0.3,41,Keromatsuケロマツ,Froakie,88.1,656,62,44,71,water,,7.0,6,0
+656,"['Torrent', 'Protean']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,63,5120,70,405,45,Bubble Frog Pokémon,52,1059860,0.6,54,Gekogashiraゲコガシラ,Frogadier,88.1,657,83,56,97,water,,10.9,6,0
+661,"['Flame Body', 'Gale Wings']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,73,3840,70,382,120,Ember Pokémon,55,1059860,0.7,62,Hinoyakomaヒノヤコマ,Fletchinder,50.0,662,56,52,84,fire,flying,16.0,6,0
+662,"['Flame Body', 'Gale Wings']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,81,3840,70,499,45,Scorching Pokémon,71,1059860,1.2,78,Fiarrowファイアロー,Talonflame,50.0,663,74,69,126,fire,flying,24.5,6,0
+663,"['Shield Dust', 'Compoundeyes', 'Friend Guard']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,35,3840,70,200,255,Scatterdust Pokémon,40,1000000,0.3,38,Kofukimushiコフキムシ,Scatterbug,50.0,664,27,25,35,bug,,2.5,6,0
+664,"['Shed Skin', 'Friend Guard']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,22,3840,70,213,120,Scatterdust Pokémon,60,1000000,0.3,45,Kofuuraiコフーライ,Spewpa,50.0,665,27,30,29,bug,,8.4,6,0
+665,"['Shield Dust', 'Compoundeyes', 'Friend Guard']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,52,3840,70,411,45,Scale Pokémon,50,1000000,1.2,80,Viviyonビビヨン,Vivillon,50.0,666,90,50,89,bug,flying,17.0,6,0
+668,"['Flower Veil', 'Symbiosis']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,38,5120,70,303,225,Single Bloom Pokémon,39,1000000,0.1,44,Flabebeフラベベ,Flabébé,0.0,669,61,79,42,fairy,,0.1,6,0
+669,"['Flower Veil', 'Symbiosis']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,65,5120,70,551,120,Fairy Pokémon,67,1000000,0.2,74,Floetteフラエッテ,Floette,0.0,670,125,128,92,fairy,,0.9,6,0
+670,"['Flower Veil', 'Symbiosis']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,65,5120,70,552,45,Garden Pokémon,68,1000000,1.1,78,Florgesフラージェス,Florges,0.0,671,112,154,75,fairy,,10.0,6,0
+671,"['Sap Sipper', 'Grass Pelt']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,65,5120,70,350,200,Mount Pokémon,48,1000000,0.9,66,Meecleメェークル,Skiddo,50.0,672,62,57,52,grass,,31.0,6,0
+672,"['Sap Sipper', 'Grass Pelt']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,5120,70,531,45,Mount Pokémon,62,1000000,1.7,123,Gogoatゴーゴート,Gogoat,50.0,673,97,81,68,grass,,91.0,6,0
+673,"['Iron Fist', 'Mold Breaker', 'Scrappy']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,82,6400,70,348,220,Playful Pokémon,62,1000000,0.6,67,Yanchamヤンチャム,Pancham,50.0,674,46,48,43,fighting,,8.0,6,0
+676,"['Keen Eye', 'Infiltrator', 'Own Tempo']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,48,5120,70,355,190,Restraint Pokémon,54,1000000,0.3,62,Nyasperニャスパー,Espurr,50.0,677,63,60,68,psychic,,3.5,6,0
+677,"['Keen Eye', 'Infiltrator', 'Prankster', 'Competitive']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,48,5120,70,466,75,Constraint Pokémon,76,1000000,0.6,74,Nyaonixニャオニクス,Meowstic,50.0,678,83,81,104,psychic,,8.5,6,0
+678,['No Guard'],0.25,2.0,0.5,1.0,0.5,0.0,2.0,0.5,2.0,0.5,2.0,0.5,0.0,0.0,0.5,0.5,0.5,1.0,80,5120,70,325,180,Sword Pokémon,100,1000000,0.8,45,Hitotsukiヒトツキ,Honedge,50.0,679,35,37,28,steel,ghost,2.0,6,0
+679,['No Guard'],0.25,2.0,0.5,1.0,0.5,0.0,2.0,0.5,2.0,0.5,2.0,0.5,0.0,0.0,0.5,0.5,0.5,1.0,110,5120,70,448,90,Sword Pokémon,150,1000000,0.8,59,Nidangillニダンギル,Doublade,50.0,680,45,49,35,steel,ghost,4.5,6,0
+680,['Stance Change'],0.25,2.0,0.5,1.0,0.5,0.0,2.0,0.5,2.0,0.5,2.0,0.5,0.0,0.0,0.5,0.5,0.5,1.0,150,5120,70,520,45,Royal Sword Pokémon,50,1000000,1.7,60,Gillgardギルガルド,Aegislash,50.0,681,150,50,60,steel,ghost,53.0,6,0
+681,"['Healer', 'Aroma Veil']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,52,5120,70,341,200,Perfume Pokémon,60,1000000,0.2,78,Shushupuシュシュプ,Spritzee,50.0,682,63,65,23,fairy,,0.5,6,0
+682,"['Healer', 'Aroma Veil']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,72,5120,70,462,140,Fragrance Pokémon,72,1000000,0.8,101,Frefuwanフレフワン,Aromatisse,50.0,683,99,89,29,fairy,,15.5,6,0
+683,"['Sweet Veil', 'Unburden']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,48,5120,70,341,200,Cotton Candy Pokémon,66,1000000,0.4,62,Peroppafuペロッパフ,Swirlix,50.0,684,59,57,49,fairy,,3.5,6,0
+684,"['Sweet Veil', 'Unburden']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,80,5120,70,480,140,Meringue Pokémon,86,1000000,0.8,82,Peroreamペロリーム,Slurpuff,50.0,685,85,75,72,fairy,,5.0,6,0
+685,"['Contrary', 'Suction Cups', 'Infiltrator']",4.0,1.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,54,5120,70,288,190,Revolving Pokémon,53,1000000,0.4,53,Maaiikaマーイーカ,Inkay,50.0,686,37,46,45,dark,psychic,3.5,6,0
+686,"['Contrary', 'Suction Cups', 'Infiltrator']",4.0,1.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,92,5120,70,482,80,Overturning Pokémon,88,1000000,1.5,86,Calamaneroカラマネロ,Malamar,50.0,687,68,75,73,dark,psychic,47.0,6,0
+687,"['Tough Claws', 'Sniper', 'Pickpocket']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,52,5120,70,306,120,Two-Handed Pokémon,67,1000000,0.5,42,Kameteteカメテテ,Binacle,50.0,688,39,56,50,rock,water,31.0,6,0
+688,"['Tough Claws', 'Sniper', 'Pickpocket']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,105,5120,70,500,45,Collective Pokémon,115,1000000,1.3,72,Gamenodesガメノデス,Barbaracle,50.0,689,54,86,68,rock,water,96.0,6,0
+689,"['Poison Point', 'Poison Touch', 'Adaptability']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,60,5120,70,320,225,Mock Kelp Pokémon,60,1000000,0.5,50,Kuzumoクズモー,Skrelp,50.0,690,60,60,30,poison,water,7.3,6,0
+690,"['Poison Point', 'Poison Touch', 'Adaptability']",0.5,1.0,2.0,0.5,1.0,0.5,0.5,1.0,1.0,0.25,2.0,2.0,1.0,0.5,2.0,1.0,1.0,0.5,75,5120,70,494,55,Mock Kelp Pokémon,90,1000000,1.8,65,Dramidoroドラミドロ,Dragalge,50.0,691,97,123,44,poison,dragon,81.5,6,0
+691,['Mega Launcher'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,53,3840,70,330,225,Water Gun Pokémon,62,1250000,0.5,50,Udeppouウデッポウ,Clauncher,50.0,692,58,63,44,water,,8.3,6,0
+692,['Mega Launcher'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,73,3840,70,500,55,Howitzer Pokémon,88,1250000,1.3,71,Blosterブロスター,Clawitzer,50.0,693,120,89,59,water,,35.3,6,0
+695,"['Strong Jaw', 'Sturdy']",1.0,1.0,2.0,0.5,2.0,2.0,0.25,0.5,1.0,1.0,2.0,2.0,0.5,0.5,1.0,1.0,2.0,1.0,89,7680,70,362,45,Royal Heir Pokémon,77,1000000,0.8,58,Chigorasチゴラス,Tyrunt,88.1,696,45,45,48,rock,dragon,26.0,6,0
+696,"['Strong Jaw', 'Rock Head']",1.0,1.0,2.0,0.5,2.0,2.0,0.25,0.5,1.0,1.0,2.0,2.0,0.5,0.5,1.0,1.0,2.0,1.0,121,7680,70,521,45,Despot Pokémon,119,1000000,2.5,82,Gachigorasガチゴラス,Tyrantrum,88.1,697,69,59,71,rock,dragon,270.0,6,0
+697,"['Refrigerate', 'Snow Warning']",1.0,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,2.0,2.0,0.5,0.5,0.5,1.0,2.0,4.0,2.0,59,7680,70,362,45,Tundra Pokémon,50,1000000,1.3,77,Amarusアマルス,Amaura,88.1,698,67,63,46,rock,ice,25.2,6,0
+698,"['Refrigerate', 'Snow Warning']",1.0,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,2.0,2.0,0.5,0.5,0.5,1.0,2.0,4.0,2.0,77,7680,70,521,45,Tundra Pokémon,72,1000000,2.7,123,Amarurugaアマルルガ,Aurorus,88.1,699,99,92,58,rock,ice,225.0,6,0
+699,"['Cute Charm', 'Pixilate']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,65,8960,70,525,45,Intertwining Pokémon,65,1000000,1.0,95,Nymphiaニンフィア,Sylveon,88.1,700,110,130,60,fairy,,23.5,6,0
+700,"['Limber', 'Unburden', 'Mold Breaker']",0.25,0.5,1.0,2.0,2.0,0.5,1.0,2.0,1.0,0.5,0.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,92,5120,70,500,100,Wrestling Pokémon,75,1000000,0.8,78,Luchabullルチャブル,Hawlucha,50.0,701,74,63,118,fighting,flying,21.5,6,0
+701,"['Cheek Pouch', 'Pickup', 'Plus']",0.5,0.5,0.0,0.5,1.0,0.5,1.0,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,58,5120,70,431,180,Antenna Pokémon,57,1000000,0.2,67,Dedenneデデンネ,Dedenne,50.0,702,81,67,101,electric,fairy,2.2,6,0
+702,"['Clear Body', 'Sturdy']",0.5,0.5,0.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,1.0,4.0,2.0,50,6400,70,500,60,Jewel Pokémon,150,1250000,0.3,50,Melecieメレシー,Carbink,,703,50,150,50,rock,fairy,5.7,6,0
+703,"['Sap Sipper', 'Hydration', 'Gooey']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,50,10240,35,300,45,Soft Tissue Pokémon,35,1250000,0.3,45,Numeraヌメラ,Goomy,50.0,704,55,75,40,dragon,,2.8,6,0
+704,"['Sap Sipper', 'Hydration', 'Gooey']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,75,10240,35,452,45,Soft Tissue Pokémon,53,1250000,0.8,68,Numeilヌメイル,Sliggoo,50.0,705,83,113,60,dragon,,17.5,6,0
+705,"['Sap Sipper', 'Hydration', 'Gooey']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,100,10240,35,600,45,Dragon Pokémon,70,1250000,2.0,90,Numelgonヌメルゴン,Goodra,50.0,706,110,150,80,dragon,,150.5,6,0
+706,"['Prankster', 'Magician']",0.25,0.5,0.0,1.0,0.5,1.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,1.0,1.0,80,5120,70,470,75,Key Ring Pokémon,91,800000,0.2,57,Cleffyクレッフィ,Klefki,50.0,707,80,87,75,steel,fairy,3.0,6,0
+707,"['Natural Cure', 'Frisk', 'Harvest']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,70,5120,70,309,120,Stump Pokémon,48,1000000,0.4,43,Bokureiボクレー,Phantump,50.0,708,50,60,38,ghost,grass,7.0,6,0
+708,"['Natural Cure', 'Frisk', 'Harvest']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,110,5120,70,474,60,Elder Tree Pokémon,76,1000000,1.5,85,Ohrotオーロット,Trevenant,50.0,709,65,82,56,ghost,grass,71.0,6,0
+709,"['Pickup', 'Frisk', 'Insomnia']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,66,5120,70,335,120,Pumpkin Pokémon,70,1000000,0.8,59,Bakecchaバケッチャ,Pumpkaboo,50.0,710,44,55,41,ghost,grass,15.0,6,0
+710,"['Pickup', 'Frisk', 'Insomnia']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,100,5120,70,494,60,Pumpkin Pokémon,122,1000000,1.7,85,Pumpjinパンプジン,Gourgeist,50.0,711,58,75,54,ghost,grass,39.0,6,0
+711,"['Own Tempo', 'Ice Body', 'Sturdy']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,69,5120,70,304,190,Ice Chunk Pokémon,85,1000000,1.0,55,Kachikohruカチコール,Bergmite,50.0,712,32,35,28,ice,,99.5,6,0
+712,"['Own Tempo', 'Ice Body', 'Sturdy']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,117,5120,70,514,55,Iceberg Pokémon,184,1000000,2.0,95,Crebaseクレベース,Avalugg,50.0,713,44,46,28,ice,,505.0,6,0
+713,"['Frisk', 'Infiltrator', 'Telepathy']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,30,5120,70,245,190,Sound Wave Pokémon,35,1000000,0.5,40,Onbatオンバット,Noibat,50.0,714,45,40,55,flying,dragon,8.0,6,0
+714,"['Frisk', 'Infiltrator', 'Telepathy']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,70,5120,70,535,45,Sound Wave Pokémon,80,1000000,1.5,85,Onvernオンバーン,Noivern,50.0,715,97,80,123,flying,dragon,85.0,6,0
+715,['Fairy Aura'],0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,131,30720,0,680,45,Life Pokémon,95,1250000,3.0,126,Xerneasゼルネアス,Xerneas,,716,131,98,99,fairy,,215.0,6,1
+717,"['Aura Break', 'Power Construct']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,100,30720,0,708,3,Order Pokémon,121,1250000,5.0,216,Zygarde (10% Forme)ジガルデ,Zygarde,,718,91,95,85,dragon,ground,284.6,6,1
+718,['Clear Body'],0.5,0.5,0.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,1.0,4.0,2.0,160,6400,70,700,3,Jewel Pokémon,110,1250000,0.7,50,Diancieディアンシー,Diancie,,719,160,110,110,rock,fairy,8.8,6,1
+719,['Magician'],1.0,4.0,1.0,1.0,1.0,0.0,1.0,1.0,4.0,1.0,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,160,30720,100,680,3,Mischief Pokémon (Confined)Djinn Pokémonn (Unbound),60,1250000,,80,Hoopa (imashimerareshi Hoopa)フーパ,Hoopa,,720,170,130,80,psychic,ghost,,6,1
+720,['Water Absorb'],0.5,1.0,1.0,2.0,0.5,1.0,0.25,1.0,1.0,1.0,2.0,0.25,1.0,1.0,1.0,2.0,0.25,1.0,110,30720,100,600,3,Steam Pokémon,120,1250000,1.7,80,Volcanionボルケニオン,Volcanion,,721,130,90,70,fire,water,195.0,6,1
+721,"['Overgrow', 'Long Reach']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,55,3840,70,320,45,Grass Quill Pokémon,55,1059860,0.3,68,Mokurohモクロー,Rowlet,88.1,722,50,50,42,grass,flying,1.5,7,0
+722,"['Overgrow', 'Long Reach']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,75,3840,70,420,45,Blade Quill Pokémon,75,1059860,0.7,78,Fukuthrowフクスロー,Dartrix,88.1,723,70,70,52,grass,flying,16.0,7,0
+723,"['Overgrow', 'Long Reach']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,107,3840,70,530,45,Arrow Quill Pokémon,75,1059860,1.6,78,Junaiperジュナイパー,Decidueye,88.1,724,100,100,70,grass,ghost,36.6,7,0
+724,"['Blaze', 'Intimidate']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,65,3840,70,320,45,Fire Cat Pokémon,40,1059860,0.4,45,Nyabbyニャビー,Litten,88.1,725,60,40,70,fire,,4.3,7,0
+725,"['Blaze', 'Intimidate']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,85,3840,70,420,45,Fire Cat Pokémon,50,1059860,0.7,65,Nyaheatニャヒート,Torracat,88.1,726,80,50,90,fire,,25.0,7,0
+727,"['Torrent', 'Liquid Voice']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,54,3840,70,320,45,Sea Lion Pokémon,54,1059860,0.4,50,Ashimariアシマリ,Popplio,88.1,728,66,56,40,water,,7.5,7,0
+728,"['Torrent', 'Liquid Voice']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,69,3840,70,420,45,Pop Star Pokémon,69,1059860,0.6,60,Osyamariオシャマリ,Brionne,88.1,729,91,81,50,water,,17.5,7,0
+729,"['Torrent', 'Liquid Voice']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,74,3840,70,530,45,Soloist Pokémon,74,1059860,1.8,80,Ashireneアシレーヌ,Primarina,88.1,730,126,116,60,water,fairy,44.0,7,0
+735,['Swarm'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,62,3840,70,300,255,Larva Pokémon,45,1000000,0.4,47,Agojimushiアゴジムシ,Grubbin,50.0,736,55,45,46,bug,,4.4,7,0
+736,['Battery'],1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,82,3840,70,400,120,Battery Pokémon,95,1000000,0.5,57,Dendimushiデンヂムシ,Charjabug,50.0,737,55,75,36,bug,electric,10.5,7,0
+737,['Levitate'],1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,70,3840,70,500,45,Stag Beetle Pokémon,90,1000000,1.5,77,Kuwagannonクワガノン,Vikavolt,50.0,738,145,75,43,bug,electric,45.0,7,0
+738,"['Hyper Cutter', 'Iron Fist', 'Anger Point']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,82,5120,70,338,225,Boxing Pokémon,57,1000000,0.6,47,Makenkaniマケンカニ,Crabrawler,50.0,739,42,47,63,fighting,,7.0,7,0
+739,"['Hyper Cutter', 'Iron Fist', 'Anger Point']",0.5,0.5,1.0,1.0,2.0,2.0,2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,2.0,1.0,132,5120,70,478,60,Woolly Crab Pokémon,77,1000000,1.7,97,Kekenkaniケケンカニ,Crabominable,50.0,740,62,67,43,fighting,ice,180.0,7,0
+740,['Dancer'],0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,70,5120,70,476,45,Dancing Pokémon,70,1000000,0.6,75,Odoridori (pachipachi Style)オドリドリ,Oricorio,24.6,741,98,70,93,fire,flying,3.4,7,0
+741,"['Honey Gather', 'Shield Dust', 'Sweet Veil']",0.5,0.5,0.0,1.0,1.0,0.25,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,1.0,45,5120,70,304,190,Bee Fly Pokémon,40,1000000,0.1,40,Abulyアブリー,Cutiefly,50.0,742,55,40,84,bug,fairy,0.2,7,0
+742,"['Honey Gather', 'Shield Dust', 'Sweet Veil']",0.5,0.5,0.0,1.0,1.0,0.25,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,1.0,55,5120,70,464,75,Bee Fly Pokémon,60,1000000,0.2,60,Aburibbonアブリボン,Ribombee,50.0,743,95,70,124,bug,fairy,0.5,7,0
+743,"['Keen Eye', 'Vital Spirit', 'Steadfast']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,65,3840,70,280,190,Puppy Pokémon,40,1000000,0.5,45,Iwankoイワンコ,Rockruff,50.0,744,30,40,60,rock,,9.2,7,0
+744,"['Keen Eye', 'Sand Rush', 'Steadfast', 'Keen Eye', 'Vital Spirit', 'No Guard']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,115,3840,70,487,90,Wolf Pokémon,75,1000000,,85,Lugarugan (mahiru No Sugata)ルガルガン,Lycanroc,50.0,745,55,75,82,rock,,,7,0
+745,['Schooling'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,140,3840,70,620,60,Small Fry Pokémon,130,800000,0.2,45,Yowashi (tandoku No Sugata)ヨワシ,Wishiwashi,50.0,746,140,135,30,water,,0.3,7,0
+746,"['Merciless', 'Limber', 'Regenerator']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,53,5120,70,305,190,Brutal Star Pokémon,62,1000000,0.4,50,Hidoideヒドイデ,Mareanie,50.0,747,43,52,45,poison,water,8.0,7,0
+747,"['Merciless', 'Limber', 'Regenerator']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,63,5120,70,495,75,Brutal Star Pokémon,152,1000000,0.7,50,Dohidoideドヒドイデ,Toxapex,50.0,748,53,142,35,poison,water,14.5,7,0
+748,"['Own Tempo', 'Stamina', 'Inner Focus']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,385,190,Donkey Pokémon,70,1000000,1.0,70,Dorobankoドロバンコ,Mudbray,50.0,749,45,55,45,ground,,110.0,7,0
+749,"['Own Tempo', 'Stamina', 'Inner Focus']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,125,5120,70,500,60,Draft Horse Pokémon,100,1000000,2.5,100,Banbadoroバンバドロ,Mudsdale,50.0,750,55,85,35,ground,,920.0,7,0
+750,"['Water Bubble', 'Water Absorb']",1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,40,3840,70,269,200,Water Bubble Pokémon,52,1000000,0.3,38,Shizukumoシズクモ,Dewpider,50.0,751,40,72,27,water,bug,4.0,7,0
+751,"['Water Bubble', 'Water Absorb']",1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,70,3840,70,454,100,Water Bubble Pokémon,92,1000000,1.8,68,Onishizukumoオニシズクモ,Araquanid,50.0,752,50,132,42,water,bug,82.0,7,0
+752,"['Leaf Guard', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,55,5120,70,250,190,Sickle Grass Pokémon,35,1000000,0.3,40,Karikiriカリキリ,Fomantis,50.0,753,50,35,35,grass,,1.5,7,0
+753,"['Leaf Guard', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,105,5120,70,480,75,Bloom Sickle Pokémon,90,1000000,0.9,70,Lalantesラランテス,Lurantis,50.0,754,80,90,45,grass,,18.5,7,0
+754,"['Illuminate', 'Effect Spore', 'Rain Dish']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,35,5120,70,285,190,Illuminating Pokémon,55,1000000,0.2,40,Nemasyuネマシュ,Morelull,50.0,755,65,75,15,grass,fairy,1.5,7,0
+755,"['Illuminate', 'Effect Spore', 'Rain Dish']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,45,5120,70,405,75,Illuminating Pokémon,80,1000000,1.0,60,Mashadeマシェード,Shiinotic,50.0,756,90,100,30,grass,fairy,11.5,7,0
+756,"['Corrosion', 'Oblivious']",0.25,1.0,1.0,1.0,0.25,0.5,0.5,1.0,1.0,0.25,4.0,0.5,1.0,0.5,2.0,2.0,0.5,2.0,44,5120,70,320,120,Toxic Lizard Pokémon,40,1000000,0.6,48,Yatoumoriヤトウモリ,Salandit,88.1,757,71,40,77,poison,fire,4.8,7,0
+757,"['Corrosion', 'Oblivious']",0.25,1.0,1.0,1.0,0.25,0.5,0.5,1.0,1.0,0.25,4.0,0.5,1.0,0.5,2.0,2.0,0.5,2.0,64,5120,70,480,45,Toxic Lizard Pokémon,60,1000000,1.2,68,Ennewtエンニュート,Salazzle,0.0,758,111,60,117,poison,fire,22.2,7,0
+760,"['Leaf Guard', 'Oblivious', 'Sweet Veil']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,30,5120,70,210,235,Fruit Pokémon,38,1059860,0.3,42,Amakajiアマカジ,Bounsweet,0.0,761,30,38,32,grass,,3.2,7,0
+761,"['Leaf Guard', 'Oblivious', 'Sweet Veil']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,40,5120,70,290,120,Fruit Pokémon,48,1059860,0.7,52,Amamaikoアママイコ,Steenee,0.0,762,40,48,62,grass,,8.2,7,0
+762,"['Leaf Guard', 'Queenly Majesty', 'Sweet Veil']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,120,5120,70,510,45,Fruit Pokémon,98,1059860,1.2,72,Amajoアマージョ,Tsareena,0.0,763,50,98,72,grass,,21.4,7,0
+763,"['Flower Veil', 'Triage', 'Natural Cure']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,52,5120,70,485,60,Posy Picker Pokémon,90,800000,0.1,51,Cuwawaキュワワー,Comfey,24.6,764,82,110,100,fairy,,0.3,7,0
+765,"['Receiver', 'Defiant']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,120,5120,70,490,45,Teamwork Pokémon,90,1250000,2.0,100,Nagetukesaruナゲツケサル,Passimian,50.0,766,40,60,80,fighting,,82.8,7,0
+766,['Wimp Out'],1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,35,5120,70,230,90,Turn Tail Pokémon,40,1000000,0.5,25,Kosokumushiコソクムシ,Wimpod,50.0,767,20,30,80,bug,water,12.0,7,0
+767,['Emergency Exit'],1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,125,5120,70,530,45,Hard Scale Pokémon,140,1000000,2.0,75,Gusokumushaグソクムシャ,Golisopod,50.0,768,60,90,40,bug,water,108.0,7,0
+768,"['Water Compaction', 'Sand Veil']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,55,3840,70,320,140,Sand Heap Pokémon,80,1000000,0.5,55,Sunabaスナバァ,Sandygast,50.0,769,70,45,15,ghost,ground,70.0,7,0
+769,"['Water Compaction', 'Sand Veil']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,75,3840,70,480,60,Sand Castle Pokémon,110,1000000,1.3,85,Sirodethnaシロデスナ,Palossand,50.0,770,100,75,35,ghost,ground,250.0,7,0
+770,"['Innards Out', 'Unaware']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,60,3840,70,410,60,Sea Cucumber Pokémon,130,800000,0.3,55,Namakobushiナマコブシ,Pyukumuku,50.0,771,30,130,5,water,,1.2,7,0
+773,['Shields Down'],0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,100,6400,70,500,30 (Meteorite)255 (Core),Meteor Pokémon,60,1059860,0.3,60,Metenoメテノ,Minior,,774,100,60,120,rock,flying,40.0,7,0
+775,['Shell Armor'],0.5,1.0,2.0,0.5,1.0,1.0,0.25,1.0,1.0,0.25,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,78,5120,70,485,70,Blast Turtle Pokémon,135,1000000,2.0,60,Bakugamesバクガメス,Turtonator,50.0,776,91,85,36,fire,dragon,212.0,7,0
+776,"['Iron Barbs', 'Lightningrod', 'Sturdy']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,98,2560,70,435,180,Roly-Poly Pokémon,63,1000000,0.3,65,Togedemaruトゲデマル,Togedemaru,50.0,777,40,73,96,electric,steel,3.3,7,0
+777,['Disguise'],0.25,1.0,0.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,2.0,1.0,90,5120,70,476,45,Disguise Pokémon,80,1000000,0.2,55,Mimikkyuミミッキュ,Mimikyu,50.0,778,50,105,96,ghost,fairy,0.7,7,0
+778,"['Dazzling', 'Strong Jaw', 'Wonder Skin ']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,105,3840,70,475,80,Gnash Teeth Pokémon,70,1000000,0.9,68,Hagigishiriハギギシリ,Bruxish,50.0,779,70,70,92,water,psychic,19.0,7,0
+780,['Steelworker'],1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,131,6400,70,517,25,Sea Creeper Pokémon,100,1000000,3.9,70,Dadarinダダリン,Dhelmise,,781,86,90,40,ghost,grass,210.0,7,0
+781,"['Bulletproof', 'Soundproof', 'Overcoat']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,55,10240,70,300,45,Scaly Pokémon,65,1250000,0.6,45,Jyarakoジャラコ,Jangmo-o,50.0,782,45,45,45,dragon,,29.7,7,0
+782,"['Bulletproof', 'Soundproof', 'Overcoat']",0.5,0.5,2.0,0.5,4.0,1.0,0.5,2.0,1.0,0.5,1.0,2.0,1.0,1.0,2.0,0.5,1.0,0.5,75,10240,70,420,45,Scaly Pokémon,90,1250000,1.2,55,Jyarangoジャランゴ,Hakamo-o,50.0,783,65,70,65,dragon,fighting,47.0,7,0
+783,"['Bulletproof', 'Soundproof', 'Overcoat']",0.5,0.5,2.0,0.5,4.0,1.0,0.5,2.0,1.0,0.5,1.0,2.0,1.0,1.0,2.0,0.5,1.0,0.5,110,10240,70,600,45,Scaly Pokémon,125,1250000,1.6,75,Jyararangaジャラランガ,Kommo-o,50.0,784,100,105,85,dragon,fighting,78.2,7,0
+784,"['Electric Surge', 'Telepathy']",0.5,0.5,0.0,0.5,1.0,0.5,1.0,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,115,3840,70,570,3,Land Spirit Pokémon,85,1250000,1.8,70,Kapu-kokekoカプ・コケコ,Tapu Koko,,785,95,75,130,electric,fairy,20.5,7,1
+785,"['Psychic Surge', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,85,3840,70,570,3,Land Spirit Pokémon,75,1250000,1.2,70,Kapu-tetefuカプ・テテフ,Tapu Lele,,786,130,115,95,psychic,fairy,18.6,7,1
+786,"['Grassy Surge', 'Telepathy']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,130,3840,70,570,3,Land Spirit Pokémon,115,1250000,1.9,70,Kapu-bululカプ・ブルル,Tapu Bulu,,787,85,95,75,grass,fairy,45.5,7,1
+787,"['Misty Surge', 'Telepathy']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,75,3840,70,570,3,Land Spirit Pokémon,115,1250000,1.3,70,Kapu-rehireカプ・レヒレ,Tapu Fini,,788,95,130,85,water,fairy,21.2,7,1
+788,['Unaware'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,29,30720,0,200,45,Nebula Pokémon,31,1250000,0.2,43,Cosmogコスモッグ,Cosmog,,789,29,31,37,psychic,,0.1,7,1
+789,['Sturdy'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,29,30720,0,400,45,Protostar Pokémon,131,1250000,0.1,43,Cosmovumコスモウム,Cosmoem,,790,29,131,37,psychic,,999.9,7,1
+790,['Full Metal Body'],1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,137,30720,0,680,45,Sunne Pokémon,107,1250000,3.4,137,Solgaleoソルガレオ,Solgaleo,,791,113,89,97,psychic,steel,230.0,7,1
+791,['Shadow Shield'],1.0,4.0,1.0,1.0,1.0,0.0,1.0,1.0,4.0,1.0,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,113,30720,0,680,45,Moone Pokémon,89,1250000,4.0,137,Lunalaルナアーラ,Lunala,,792,137,107,97,psychic,ghost,120.0,7,1
+792,['Beast Boost'],0.5,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,1.0,4.0,1.0,0.5,0.25,2.0,1.0,2.0,2.0,53,30720,0,570,45,Parasite Pokémon,47,1250000,1.2,109,Uturoidウツロイド,Nihilego,,793,127,131,103,rock,poison,55.5,7,1
+793,['Beast Boost'],0.5,0.5,1.0,1.0,2.0,0.5,2.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,1.0,1.0,1.0,139,30720,0,570,25,Swollen Pokémon,139,1250000,2.4,107,Massivoonマッシブーン,Buzzwole,,794,53,53,79,bug,fighting,333.6,7,1
+794,['Beast Boost'],0.5,0.5,1.0,1.0,2.0,0.5,2.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,1.0,1.0,1.0,137,30720,0,570,255,Lissome Pokémon,37,1250000,1.8,71,Pheroacheフェローチェ,Pheromosa,,795,137,37,151,bug,fighting,25.0,7,1
+795,['Beast Boost'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,89,30720,0,570,30,Glowing Pokémon,71,1250000,3.8,83,Denjyumokuデンジュモク,Xurkitree,,796,173,71,83,electric,,100.0,7,1
+796,['Beast Boost'],0.25,1.0,0.5,2.0,0.5,1.0,2.0,0.5,1.0,0.25,0.0,1.0,0.5,0.0,0.5,1.0,0.5,1.0,101,30720,0,570,25,Launch Pokémon,103,1250000,9.2,97,Tekkaguyaテッカグヤ,Celesteela,,797,107,101,61,steel,flying,999.9,7,1
+797,['Beast Boost'],1.0,1.0,0.5,0.5,0.5,2.0,4.0,1.0,1.0,0.25,1.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,181,30720,0,570,255,Drawn Sword Pokémon,131,1250000,0.3,59,Kamiturugiカミツルギ,Kartana,,798,59,31,109,grass,steel,0.1,7,1
+799,['Prism Armor'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,107,30720,0,600,3,Prism Pokémon,101,1250000,2.4,97,Necrozmaネクロズマ,Necrozma,,800,127,89,79,psychic,,230.0,7,1
+800,['Soul-Heart'],0.25,0.5,0.0,1.0,0.5,1.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,1.0,1.0,95,30720,0,600,3,Artificial Pokémon,115,1250000,1.0,80,Magearnaマギアナ,Magearna,,801,130,115,65,steel,fairy,80.5,7,1
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/pokemon.csv b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/pokemon.csv
new file mode 100644
index 0000000000000000000000000000000000000000..412b0a3c94515b39e949483c35572aa397ce5223
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/pokemon.csv
@@ -0,0 +1,802 @@
+abilities,against_bug,against_dark,against_dragon,against_electric,against_fairy,against_fight,against_fire,against_flying,against_ghost,against_grass,against_ground,against_ice,against_normal,against_poison,against_psychic,against_rock,against_steel,against_water,attack,base_egg_steps,base_happiness,base_total,capture_rate,classfication,defense,experience_growth,height_m,hp,japanese_name,name,percentage_male,pokedex_number,sp_attack,sp_defense,speed,type1,type2,weight_kg,generation,is_legendary
+"['Overgrow', 'Chlorophyll']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,49,5120,70,318,45,Seed Pokémon,49,1059860,0.7,45,Fushigidaneフシギダネ,Bulbasaur,88.1,1,65,65,45,grass,poison,6.9,1,0
+"['Overgrow', 'Chlorophyll']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,62,5120,70,405,45,Seed Pokémon,63,1059860,1.0,60,Fushigisouフシギソウ,Ivysaur,88.1,2,80,80,60,grass,poison,13.0,1,0
+"['Overgrow', 'Chlorophyll']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,100,5120,70,625,45,Seed Pokémon,123,1059860,2.0,80,Fushigibanaフシギバナ,Venusaur,88.1,3,122,120,80,grass,poison,100.0,1,0
+"['Blaze', 'Solar Power']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,52,5120,70,309,45,Lizard Pokémon,43,1059860,0.6,39,Hitokageヒトカゲ,Charmander,88.1,4,60,50,65,fire,,8.5,1,0
+"['Blaze', 'Solar Power']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,64,5120,70,405,45,Flame Pokémon,58,1059860,1.1,58,Lizardoリザード,Charmeleon,88.1,5,80,65,80,fire,,19.0,1,0
+"['Blaze', 'Solar Power']",0.25,1,1,2,0.5,0.5,0.5,1,1,0.25,0,1,1,1,1,4,0.5,2,104,5120,70,634,45,Flame Pokémon,78,1059860,1.7,78,Lizardonリザードン,Charizard,88.1,6,159,115,100,fire,flying,90.5,1,0
+"['Torrent', 'Rain Dish']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,48,5120,70,314,45,Tiny Turtle Pokémon,65,1059860,0.5,44,Zenigameゼニガメ,Squirtle,88.1,7,50,64,43,water,,9.0,1,0
+"['Torrent', 'Rain Dish']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,63,5120,70,405,45,Turtle Pokémon,80,1059860,1.0,59,Kameilカメール,Wartortle,88.1,8,65,80,58,water,,22.5,1,0
+"['Torrent', 'Rain Dish']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,103,5120,70,630,45,Shellfish Pokémon,120,1059860,1.6,79,Kamexカメックス,Blastoise,88.1,9,135,115,78,water,,85.5,1,0
+"['Shield Dust', 'Run Away']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,30,3840,70,195,255,Worm Pokémon,35,1000000,0.3,45,Caterpieキャタピー,Caterpie,50,10,20,20,45,bug,,2.9,1,0
+['Shed Skin'],1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,20,3840,70,205,120,Cocoon Pokémon,55,1000000,0.7,50,Transelトランセル,Metapod,50,11,25,25,30,bug,,9.9,1,0
+"['Compoundeyes', 'Tinted Lens']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,45,3840,70,395,45,Butterfly Pokémon,50,1000000,1.1,60,Butterfreeバタフリー,Butterfree,50,12,90,80,70,bug,flying,32.0,1,0
+"['Shield Dust', 'Run Away']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,35,3840,70,195,255,Hairy Pokémon,30,1000000,0.3,40,Beedleビードル,Weedle,50,13,20,20,50,bug,poison,3.2,1,0
+['Shed Skin'],0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,25,3840,70,205,120,Cocoon Pokémon,50,1000000,0.6,45,Cocoonコクーン,Kakuna,50,14,25,25,35,bug,poison,10.0,1,0
+"['Swarm', 'Sniper']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,150,3840,70,495,45,Poison Bee Pokémon,40,1000000,1.0,65,Spearスピアー,Beedrill,50,15,15,80,145,bug,poison,29.5,1,0
+"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,45,3840,70,251,255,Tiny Bird Pokémon,40,1059860,0.3,40,Poppoポッポ,Pidgey,50,16,35,35,56,normal,flying,1.8,1,0
+"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,60,3840,70,349,120,Bird Pokémon,55,1059860,1.1,63,Pigeonピジョン,Pidgeotto,50,17,50,50,71,normal,flying,30.0,1,0
+"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,80,3840,70,579,45,Bird Pokémon,80,1059860,1.5,83,Pigeotピジョット,Pidgeot,50,18,135,80,121,normal,flying,39.5,1,0
+"['Run Away', 'Guts', 'Hustle', 'Gluttony', 'Hustle', 'Thick Fat']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,56,3840,70,253,255,Mouse Pokémon,35,1000000,,30,Korattaコラッタ,Rattata,50,19,25,35,72,normal,dark,,1,0
+"['Run Away', 'Guts', 'Hustle', 'Gluttony', 'Hustle', 'Thick Fat']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,71,3840,70,413,127,Mouse Pokémon,70,1000000,,75,Rattaラッタ,Raticate,50,20,40,80,77,normal,dark,,1,0
+"['Keen Eye', 'Sniper']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,60,3840,70,262,255,Tiny Bird Pokémon,30,1000000,0.3,40,Onisuzumeオニスズメ,Spearow,50,21,31,31,70,normal,flying,2.0,1,0
+"['Keen Eye', 'Sniper']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,90,3840,70,442,90,Beak Pokémon,65,1000000,1.2,65,Onidrillオニドリル,Fearow,50,22,61,61,100,normal,flying,38.0,1,0
+"['Intimidate', 'Shed Skin', 'Unnerve']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,60,5120,70,288,255,Snake Pokémon,44,1000000,2.0,35,Arboアーボ,Ekans,50,23,40,54,55,poison,,6.9,1,0
+"['Intimidate', 'Shed Skin', 'Unnerve']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,95,5120,70,448,90,Cobra Pokémon,69,1000000,3.5,60,Arbokアーボック,Arbok,50,24,65,79,80,poison,,65.0,1,0
+"['Static', 'Lightningrod']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,55,2560,70,320,190,Mouse Pokémon,40,1000000,0.4,35,Pikachuピカチュウ,Pikachu,50,25,50,50,90,electric,,6.0,1,0
+"['Static', 'Lightningrod', 'Surge Surfer']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,85,2560,70,485,75,Mouse Pokémon,50,1000000,,60,Raichuライチュウ,Raichu,50,26,95,85,110,electric,electric,,1,0
+"['Sand Veil', 'Sand Rush', 'Snow Cloak', 'Slush Rush']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,75,5120,70,300,255,Mouse Pokémon,90,1000000,,50,Sandサンド,Sandshrew,50,27,10,35,40,ground,ice,,1,0
+"['Sand Veil', 'Sand Rush', 'Snow Cloak', 'Slush Rush']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,100,5120,70,450,90,Mouse Pokémon,120,1000000,,75,Sandpanサンドパン,Sandslash,50,28,25,65,65,ground,ice,,1,0
+"['Poison Point', 'Rivalry', 'Hustle']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,47,5120,70,275,235,Poison Pin Pokémon,52,1059860,0.4,55,Nidoran?ニドラン♀,Nidoran♀,0,29,40,40,41,poison,,7.0,1,0
+"['Poison Point', 'Rivalry', 'Hustle']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,62,5120,70,365,120,Poison Pin Pokémon,67,1059860,0.8,70,Nidorinaニドリーナ,Nidorina,0,30,55,55,56,poison,,20.0,1,0
+"['Poison Point', 'Rivalry', 'Sheer Force']",0.5,1,1,0,0.5,0.5,1,1,1,1,2,2,1,0.25,2,0.5,1,2,92,5120,70,505,45,Drill Pokémon,87,1059860,1.3,90,Nidoqueenニドクイン,Nidoqueen,0,31,75,85,76,poison,ground,60.0,1,0
+"['Poison Point', 'Rivalry', 'Hustle']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,57,5120,70,273,235,Poison Pin Pokémon,40,1059860,0.5,46,Nidoran?ニドラン♂,Nidoran♂,100,32,40,40,50,poison,,9.0,1,0
+"['Poison Point', 'Rivalry', 'Hustle']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,72,5120,70,365,120,Poison Pin Pokémon,57,1059860,0.9,61,Nidorinoニドリーノ,Nidorino,100,33,55,55,65,poison,,19.5,1,0
+"['Poison Point', 'Rivalry', 'Sheer Force']",0.5,1,1,0,0.5,0.5,1,1,1,1,2,2,1,0.25,2,0.5,1,2,102,5120,70,505,45,Drill Pokémon,77,1059860,1.4,81,Nidokingニドキング,Nidoking,100,34,85,75,85,poison,ground,62.0,1,0
+"['Cute Charm', 'Magic Guard', 'Friend Guard']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,45,2560,140,323,150,Fairy Pokémon,48,800000,0.6,70,Pippiピッピ,Clefairy,24.6,35,60,65,35,fairy,,7.5,1,0
+"['Cute Charm', 'Magic Guard', 'Unaware']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,70,2560,140,483,25,Fairy Pokémon,73,800000,1.3,95,Pixyピクシー,Clefable,24.6,36,95,90,60,fairy,,40.0,1,0
+"['Flash Fire', 'Drought', 'Snow Cloak', 'Snow Warning']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,41,5120,70,299,190,Fox Pokémon,40,1000000,,38,Rokonロコン,Vulpix,24.6,37,50,65,65,fire,ice,,1,0
+"['Flash Fire', 'Drought', 'Snow Cloak', 'Snow Warning']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,67,5120,70,505,75,Fox Pokémon,75,1000000,,73,Kyukonキュウコン,Ninetales,24.6,38,81,100,109,fire,ice,,1,0
+"['Cute Charm', 'Competitive', 'Friend Guard']",0.5,0.5,0,1,1,1,1,1,0,1,1,1,1,2,1,1,2,1,45,2560,70,270,170,Balloon Pokémon,20,800000,0.5,115,Purinプリン,Jigglypuff,24.6,39,45,25,20,normal,fairy,5.5,1,0
+"['Cute Charm', 'Competitive', 'Frisk']",0.5,0.5,0,1,1,1,1,1,0,1,1,1,1,2,1,1,2,1,70,2560,70,435,50,Balloon Pokémon,45,800000,1.0,140,Pukurinプクリン,Wigglytuff,24.6,40,85,50,45,normal,fairy,12.0,1,0
+"['Inner Focus', 'Infiltrator']",0.25,1,1,2,0.5,0.25,1,1,1,0.25,0,2,1,0.5,2,2,1,1,45,3840,70,245,255,Bat Pokémon,35,1000000,0.8,40,Zubatズバット,Zubat,50,41,30,40,55,poison,flying,7.5,1,0
+"['Inner Focus', 'Infiltrator']",0.25,1,1,2,0.5,0.25,1,1,1,0.25,0,2,1,0.5,2,2,1,1,80,3840,70,455,90,Bat Pokémon,70,1000000,1.6,75,Golbatゴルバット,Golbat,50,42,65,75,90,poison,flying,55.0,1,0
+"['Chlorophyll', 'Run Away']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,50,5120,70,320,255,Weed Pokémon,55,1059860,0.5,45,Nazonokusaナゾノクサ,Oddish,50,43,75,65,30,grass,poison,5.4,1,0
+"['Chlorophyll', 'Stench']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,65,5120,70,395,120,Weed Pokémon,70,1059860,0.8,60,Kusaihanaクサイハナ,Gloom,50,44,85,75,40,grass,poison,8.6,1,0
+"['Chlorophyll', 'Effect Spore']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,80,5120,70,490,45,Flower Pokémon,85,1059860,1.2,75,Ruffresiaラフレシア,Vileplume,50,45,110,90,50,grass,poison,18.6,1,0
+"['Effect Spore', 'Dry Skin', 'Damp']",2,1,1,0.5,1,0.5,4,4,1,0.25,0.25,2,1,2,1,2,1,0.5,70,5120,70,285,190,Mushroom Pokémon,55,1000000,0.3,35,Parasパラス,Paras,50,46,45,55,25,bug,grass,5.4,1,0
+"['Effect Spore', 'Dry Skin', 'Damp']",2,1,1,0.5,1,0.5,4,4,1,0.25,0.25,2,1,2,1,2,1,0.5,95,5120,70,405,75,Mushroom Pokémon,80,1000000,1.0,60,Parasectパラセクト,Parasect,50,47,60,80,30,bug,grass,29.5,1,0
+"['Compoundeyes', 'Tinted Lens', 'Run Away']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,55,5120,70,305,190,Insect Pokémon,50,1000000,1.0,60,Kongpangコンパン,Venonat,50,48,40,55,45,bug,poison,30.0,1,0
+"['Shield Dust', 'Tinted Lens', 'Wonder Skin ']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,65,5120,70,450,75,Poison Moth Pokémon,60,1000000,1.5,70,Morphonモルフォン,Venomoth,50,49,90,75,90,bug,poison,12.5,1,0
+"['Sand Veil', 'Arena Trap', 'Sand Force', 'Sand Veil', 'Tangling Hair', 'Sand Force']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,55,5120,70,265,255,Mole Pokémon,30,1000000,,10,Digdaディグダ,Diglett,50,50,35,45,90,ground,ground,,1,0
+"['Sand Veil', 'Arena Trap', 'Sand Force', 'Sand Veil', 'Tangling Hair', 'Sand Force']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,100,5120,70,425,50,Mole Pokémon,60,1000000,,35,Dugtrioダグトリオ,Dugtrio,50,51,50,70,110,ground,ground,,1,0
+"['Pickup', 'Technician', 'Unnerve', 'Pickup', 'Technician', 'Rattled']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,35,5120,70,290,255,Scratch Cat Pokémon,35,1000000,,40,Nyarthニャース,Meowth,50,52,50,40,90,normal,dark,,1,0
+"['Limber', 'Technician', 'Unnerve', 'Fur Coat', 'Technician', 'Rattled']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,60,5120,70,440,90,Classy Cat Pokémon,60,1000000,,65,Persianペルシアン,Persian,50,53,75,65,115,normal,dark,,1,0
+"['Damp', 'Cloud Nine', 'Swift Swim']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,52,5120,70,320,190,Duck Pokémon,48,1000000,0.8,50,Koduckコダック,Psyduck,50,54,65,50,55,water,,19.6,1,0
+"['Damp', 'Cloud Nine', 'Swift Swim']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,82,5120,70,500,75,Duck Pokémon,78,1000000,1.7,80,Golduckゴルダック,Golduck,50,55,95,80,85,water,,76.6,1,0
+"['Vital Spirit', 'Anger Point', 'Defiant']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,80,5120,70,305,190,Pig Monkey Pokémon,35,1000000,0.5,40,Mankeyマンキー,Mankey,50,56,35,45,70,fighting,,28.0,1,0
+"['Vital Spirit', 'Anger Point', 'Defiant']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,105,5120,70,455,75,Pig Monkey Pokémon,60,1000000,1.0,65,Okorizaruオコリザル,Primeape,50,57,60,70,95,fighting,,32.0,1,0
+"['Intimidate', 'Flash Fire', 'Justified']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,70,5120,70,350,190,Puppy Pokémon,45,1250000,0.7,55,Gardieガーディ,Growlithe,75.4,58,70,50,60,fire,,19.0,1,0
+"['Intimidate', 'Flash Fire', 'Justified']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,110,5120,70,555,75,Legendary Pokémon,80,1250000,1.9,90,Windieウインディ,Arcanine,75.4,59,100,80,95,fire,,155.0,1,0
+"['Water Absorb', 'Damp', 'Swift Swim']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,50,5120,70,300,255,Tadpole Pokémon,40,1059860,0.6,40,Nyoromoニョロモ,Poliwag,50,60,40,40,90,water,,12.4,1,0
+"['Water Absorb', 'Damp', 'Swift Swim']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,5120,70,385,120,Tadpole Pokémon,65,1059860,1.0,65,Nyorozoニョロゾ,Poliwhirl,50,61,50,50,90,water,,20.0,1,0
+"['Water Absorb', 'Damp', 'Swift Swim']",0.5,0.5,1,2,2,1,0.5,2,1,2,1,0.5,1,1,2,0.5,0.5,0.5,95,5120,70,510,45,Tadpole Pokémon,95,1059860,1.3,90,Nyorobonニョロボン,Poliwrath,50,62,70,90,70,water,fighting,54.0,1,0
+"['Synchronize', 'Inner Focus', 'Magic Guard']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,20,5120,70,310,200,Psi Pokémon,15,1059860,0.9,25,Caseyケーシィ,Abra,75.4,63,105,55,90,psychic,,19.5,1,0
+"['Synchronize', 'Inner Focus', 'Magic Guard']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,35,5120,70,400,100,Psi Pokémon,30,1059860,1.3,40,Yungererユンゲラー,Kadabra,75.4,64,120,70,105,psychic,,56.5,1,0
+"['Synchronize', 'Inner Focus', 'Magic Guard']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,50,5120,70,600,50,Psi Pokémon,65,1059860,1.5,55,Foodinフーディン,Alakazam,75.4,65,175,105,150,psychic,,48.0,1,0
+"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,80,5120,70,305,180,Superpower Pokémon,50,1059860,0.8,70,Wanrikyワンリキー,Machop,75.4,66,35,35,35,fighting,,19.5,1,0
+"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,100,5120,70,405,90,Superpower Pokémon,70,1059860,1.5,80,Gorikyゴーリキー,Machoke,75.4,67,50,60,45,fighting,,70.5,1,0
+"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,130,5120,70,505,45,Superpower Pokémon,80,1059860,1.6,90,Kairikyカイリキー,Machamp,75.4,68,65,85,55,fighting,,130.0,1,0
+"['Chlorophyll', 'Gluttony']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,75,5120,70,300,255,Flower Pokémon,35,1059860,0.7,50,Madatsubomiマダツボミ,Bellsprout,50,69,70,30,40,grass,poison,4.0,1,0
+"['Chlorophyll', 'Gluttony']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,90,5120,70,390,120,Flycatcher Pokémon,50,1059860,1.0,65,Utsudonウツドン,Weepinbell,50,70,85,45,55,grass,poison,6.4,1,0
+"['Chlorophyll', 'Gluttony']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,105,5120,70,490,45,Flycatcher Pokémon,65,1059860,1.7,80,Utsubotウツボット,Victreebel,50,71,100,70,70,grass,poison,15.5,1,0
+"['Clear Body', 'Liquid Ooze', 'Rain Dish']",0.5,1,1,2,0.5,0.5,0.5,1,1,1,2,0.5,1,0.5,2,1,0.5,0.5,40,5120,70,335,190,Jellyfish Pokémon,35,1250000,0.9,40,Menokurageメノクラゲ,Tentacool,50,72,50,100,70,water,poison,45.5,1,0
+"['Clear Body', 'Liquid Ooze', 'Rain Dish']",0.5,1,1,2,0.5,0.5,0.5,1,1,1,2,0.5,1,0.5,2,1,0.5,0.5,70,5120,70,515,60,Jellyfish Pokémon,65,1250000,1.6,80,Dokukurageドククラゲ,Tentacruel,50,73,80,120,100,water,poison,55.0,1,0
+"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,80,3840,70,300,255,Rock Pokémon,100,1059860,,40,Isitsubuteイシツブテ,Geodude,50,74,30,30,20,rock,ground,,1,0
+"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,95,3840,70,390,120,Rock Pokémon,115,1059860,,55,Goloneゴローン,Graveler,50,75,45,45,35,rock,ground,,1,0
+"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,120,3840,70,495,45,Megaton Pokémon,130,1059860,,80,Golonyaゴローニャ,Golem,50,76,55,65,45,rock,ground,,1,0
+"['Run Away', 'Flash Fire', 'Flame Body']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,85,5120,70,410,190,Fire Horse Pokémon,55,1000000,1.0,50,Ponytaポニータ,Ponyta,50,77,65,65,90,fire,,30.0,1,0
+"['Run Away', 'Flash Fire', 'Flame Body']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,100,5120,70,500,60,Fire Horse Pokémon,70,1000000,1.7,65,Gallopギャロップ,Rapidash,50,78,80,80,105,fire,,95.0,1,0
+"['Oblivious', 'Own Tempo', 'Regenerator']",2,2,1,2,1,0.5,0.5,1,2,2,1,0.5,1,1,0.5,1,0.5,0.5,65,5120,70,315,190,Dopey Pokémon,65,1000000,1.2,90,Yadonヤドン,Slowpoke,50,79,40,40,15,water,psychic,36.0,1,0
+"['Oblivious', 'Own Tempo', 'Regenerator']",2,2,1,2,1,0.5,0.5,1,2,2,1,0.5,1,1,0.5,1,0.5,0.5,75,5120,70,590,75,Hermit Crab Pokémon,180,1000000,1.6,95,Yadoranヤドラン,Slowbro,50,80,130,80,30,water,psychic,78.5,1,0
+"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1,0.5,0.5,0.5,2,2,0.25,1,0.5,4,0.5,0.5,0,0.5,0.5,0.25,1,35,5120,70,325,190,Magnet Pokémon,70,1000000,0.3,25,Coilコイル,Magnemite,,81,95,55,45,electric,steel,6.0,1,0
+"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1,0.5,0.5,0.5,2,2,0.25,1,0.5,4,0.5,0.5,0,0.5,0.5,0.25,1,60,5120,70,465,60,Magnet Pokémon,95,1000000,1.0,50,Rarecoilレアコイル,Magneton,,82,120,70,70,electric,steel,60.0,1,0
+"['Keen Eye', 'Inner Focus', 'Defiant']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,90,5120,70,377,45,Wild Duck Pokémon,55,1000000,0.8,52,Kamonegiカモネギ,Farfetch'd,50,83,58,62,60,normal,flying,15.0,1,0
+"['Run Away', 'Early Bird', 'Tangled Feet']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,85,5120,70,310,190,Twin Bird Pokémon,45,1000000,1.4,35,Dodoドードー,Doduo,50,84,35,35,75,normal,flying,39.2,1,0
+"['Run Away', 'Early Bird', 'Tangled Feet']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,110,5120,70,470,45,Triple Bird Pokémon,70,1000000,1.8,60,Dodorioドードリオ,Dodrio,50,85,60,60,110,normal,flying,85.2,1,0
+"['Thick Fat', 'Hydration', 'Ice Body']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,45,5120,70,325,190,Sea Lion Pokémon,55,1000000,1.1,65,Pawouパウワウ,Seel,50,86,45,70,45,water,,90.0,1,0
+"['Thick Fat', 'Hydration', 'Ice Body']",1,1,1,2,1,2,1,1,1,2,1,0.25,1,1,1,2,1,0.5,70,5120,70,475,75,Sea Lion Pokémon,80,1000000,1.7,90,Jugonジュゴン,Dewgong,50,87,70,95,70,water,ice,120.0,1,0
+"['Stench', 'Sticky Hold', 'Poison Touch', 'Poison Touch', 'Gluttony', 'Power of Alchemy']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,80,5120,70,325,190,Sludge Pokémon,50,1000000,,80,Betbeterベトベター,Grimer,50,88,40,50,25,poison,poison,,1,0
+"['Stench', 'Sticky Hold', 'Poison Touch', 'Poison Touch', 'Gluttony', 'Power of Alchemy']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,105,5120,70,500,75,Sludge Pokémon,75,1000000,,105,Betbetonベトベトン,Muk,50,89,65,100,50,poison,poison,,1,0
+"['Shell Armor', 'Skill Link', 'Overcoat']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,5120,70,305,190,Bivalve Pokémon,100,1250000,0.3,30,Shellderシェルダー,Shellder,50,90,45,25,40,water,,4.0,1,0
+"['Shell Armor', 'Skill Link', 'Overcoat']",1,1,1,2,1,2,1,1,1,2,1,0.25,1,1,1,2,1,0.5,95,5120,70,525,60,Bivalve Pokémon,180,1250000,1.5,50,Parshenパルシェン,Cloyster,50,91,85,45,70,water,ice,132.5,1,0
+['Levitate'],0.25,2,1,1,0.5,0,1,1,2,0.5,2,1,0,0.25,2,1,1,1,35,5120,70,310,190,Gas Pokémon,30,1059860,1.3,30,Ghosゴース,Gastly,50,92,100,35,80,ghost,poison,0.1,1,0
+['Levitate'],0.25,2,1,1,0.5,0,1,1,2,0.5,2,1,0,0.25,2,1,1,1,50,5120,70,405,90,Gas Pokémon,45,1059860,1.6,45,Ghostゴースト,Haunter,50,93,115,55,95,ghost,poison,0.1,1,0
+['Cursed Body'],0.25,2,1,1,0.5,0,1,1,2,0.5,2,1,0,0.25,2,1,1,1,65,5120,70,600,45,Shadow Pokémon,80,1059860,1.5,60,Gangarゲンガー,Gengar,50,94,170,95,130,ghost,poison,40.5,1,0
+"['Rock Head', 'Sturdy', 'Weak Armor']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,45,6400,70,385,45,Rock Snake Pokémon,160,1000000,8.8,35,Iwarkイワーク,Onix,50,95,30,45,70,rock,ground,210.0,1,0
+"['Insomnia', 'Forewarn', 'Inner Focus']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,48,5120,70,328,190,Hypnosis Pokémon,45,1000000,1.0,60,Sleepeスリープ,Drowzee,50,96,43,90,42,psychic,,32.4,1,0
+"['Insomnia', 'Forewarn', 'Inner Focus']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,73,5120,70,483,75,Hypnosis Pokémon,70,1000000,1.6,85,Sleeperスリーパー,Hypno,50,97,73,115,67,psychic,,75.6,1,0
+"['Hyper Cutter', 'Shell Armor', 'Sheer Force']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,105,5120,70,325,225,River Crab Pokémon,90,1000000,0.4,30,Crabクラブ,Krabby,50,98,25,25,50,water,,6.5,1,0
+"['Hyper Cutter', 'Shell Armor', 'Sheer Force']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,130,5120,70,475,60,Pincer Pokémon,115,1000000,1.3,55,Kinglerキングラー,Kingler,50,99,50,50,75,water,,60.0,1,0
+"['Soundproof', 'Static', 'Aftermath']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,30,5120,70,330,190,Ball Pokémon,50,1000000,0.5,40,Biriridamaビリリダマ,Voltorb,,100,55,55,100,electric,,10.4,1,0
+"['Soundproof', 'Static', 'Aftermath']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,50,5120,70,490,60,Ball Pokémon,70,1000000,1.2,60,Marumineマルマイン,Electrode,,101,80,80,150,electric,,66.6,1,0
+"['Chlorophyll', 'Harvest']",4,2,1,0.5,1,0.5,2,2,2,0.5,0.5,2,1,2,0.5,1,1,0.5,40,5120,70,325,90,Egg Pokémon,80,1250000,0.4,60,Tamatamaタマタマ,Exeggcute,50,102,60,45,40,grass,psychic,2.5,1,0
+"['Chlorophyll', 'Harvest', 'Frisk', 'Harvest']",4,2,1,0.5,1,0.5,2,2,2,0.5,0.5,2,1,2,0.5,1,1,0.5,105,5120,70,530,45,Coconut Pokémon,85,1250000,,95,Nassyナッシー,Exeggutor,50,103,125,75,45,grass,psychic,,1,0
+"['Rock Head', 'Lightningrod', 'Battle Armor']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,50,5120,70,320,190,Lonely Pokémon,95,1000000,0.4,50,Karakaraカラカラ,Cubone,50,104,40,50,35,ground,,6.5,1,0
+"['Rock Head', 'Lightningrod', 'Battle Armor', 'Cursed Body', 'Lightningrod', 'Rock Head']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,80,5120,70,425,75,Bone Keeper Pokémon,110,1000000,,60,Garagaraガラガラ,Marowak,50,105,50,80,45,ground,fire,,1,0
+"['Limber', 'Reckless', 'Unburden']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,120,6400,70,455,45,Kicking Pokémon,53,1000000,1.5,50,Sawamularサワムラー,Hitmonlee,100,106,35,110,87,fighting,,49.8,1,0
+"['Keen Eye', 'Iron Fist', 'Inner Focus']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,105,6400,70,455,45,Punching Pokémon,79,1000000,1.4,50,Ebiwalarエビワラー,Hitmonchan,100,107,35,110,76,fighting,,50.2,1,0
+"['Own Tempo', 'Oblivious', 'Cloud Nine']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,55,5120,70,385,45,Licking Pokémon,75,1000000,1.2,90,Beroringaベロリンガ,Lickitung,50,108,60,75,30,normal,,65.5,1,0
+['Levitate'],0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,65,5120,70,340,190,Poison Gas Pokémon,95,1000000,0.6,40,Dogarsドガース,Koffing,50,109,60,45,35,poison,,1.0,1,0
+['Levitate'],0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,90,5120,70,490,60,Poison Gas Pokémon,120,1000000,1.2,65,Matadogasマタドガス,Weezing,50,110,85,70,60,poison,,9.5,1,0
+"['Lightningrod', 'Rock Head', 'Reckless']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,85,5120,70,345,120,Spikes Pokémon,95,1250000,1.0,80,Sihornサイホーン,Rhyhorn,50,111,30,30,25,ground,rock,115.0,1,0
+"['Lightningrod', 'Rock Head', 'Reckless']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,130,5120,70,485,60,Drill Pokémon,120,1250000,1.9,105,Sidonサイドン,Rhydon,50,112,45,45,40,ground,rock,120.0,1,0
+"['Natural Cure', 'Serene Grace', 'Healer']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,5,10240,140,450,30,Egg Pokémon,5,800000,1.1,250,Luckyラッキー,Chansey,0,113,35,105,50,normal,,34.6,1,0
+"['Chlorophyll', 'Leaf Guard', 'Regenerator']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,55,5120,70,435,45,Vine Pokémon,115,1000000,1.0,65,Monjaraモンジャラ,Tangela,50,114,100,40,60,grass,,35.0,1,0
+"['Early Bird', 'Scrappy', 'Inner Focus']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,125,5120,70,590,45,Parent Pokémon,100,1000000,2.2,105,Garuraガルーラ,Kangaskhan,0,115,60,100,100,normal,,80.0,1,0
+"['Swift Swim', 'Sniper', 'Damp']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,40,5120,70,295,225,Dragon Pokémon,70,1000000,0.4,30,Tattuタッツー,Horsea,50,116,70,25,60,water,,8.0,1,0
+"['Poison Point', 'Sniper', 'Damp']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,5120,70,440,75,Dragon Pokémon,95,1000000,1.2,55,Seadraシードラ,Seadra,50,117,95,45,85,water,,25.0,1,0
+"['Swift Swim', 'Water Veil', 'Lightningrod']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,67,5120,70,320,225,Goldfish Pokémon,60,1000000,0.6,45,Tosakintoトサキント,Goldeen,50,118,35,50,63,water,,15.0,1,0
+"['Swift Swim', 'Water Veil', 'Lightningrod']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,92,5120,70,450,60,Goldfish Pokémon,65,1000000,1.3,80,Azumaoアズマオウ,Seaking,50,119,65,80,68,water,,39.0,1,0
+"['Illuminate', 'Natural Cure', 'Analytic']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,45,5120,70,340,225,Starshape Pokémon,55,1250000,0.8,30,Hitodemanヒトデマン,Staryu,,120,70,55,85,water,,34.5,1,0
+"['Illuminate', 'Natural Cure', 'Analytic']",2,2,1,2,1,0.5,0.5,1,2,2,1,0.5,1,1,0.5,1,0.5,0.5,75,5120,70,520,60,Mysterious Pokémon,85,1250000,1.1,60,Starmieスターミー,Starmie,,121,100,85,115,water,psychic,80.0,1,0
+"['Soundproof', 'Filter', 'Technician']",1,1,0,1,1,0.25,1,1,2,1,1,1,1,2,0.5,1,2,1,45,6400,70,460,45,Barrier Pokémon,65,1000000,1.3,40,Barrierdバリヤード,Mr. Mime,50,122,100,120,90,psychic,fairy,54.5,1,0
+"['Swarm', 'Technician', 'Steadfast']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,110,6400,70,500,45,Mantis Pokémon,80,1000000,1.5,70,Strikeストライク,Scyther,50,123,55,80,105,bug,flying,56.0,1,0
+"['Oblivious', 'Forewarn', 'Dry Skin']",2,2,1,1,1,1,2,1,2,1,1,0.5,1,1,0.5,2,2,1,50,6400,70,455,45,Humanshape Pokémon,35,1000000,1.4,65,Rougelaルージュラ,Jynx,0,124,115,95,95,ice,psychic,40.6,1,0
+"['Static', 'Vital Spirit']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,83,6400,70,490,45,Electric Pokémon,57,1000000,1.1,65,Elebooエレブー,Electabuzz,75.4,125,95,85,105,electric,,30.0,1,0
+"['Flame Body', 'Vital Spirit']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,95,6400,70,495,45,Spitfire Pokémon,57,1000000,1.3,65,Booberブーバー,Magmar,75.4,126,100,85,93,fire,,44.5,1,0
+"['Hyper Cutter', 'Mold Breaker', 'Moxie']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,155,6400,70,600,45,Stagbeetle Pokémon,120,1250000,1.5,65,Kailiosカイロス,Pinsir,50,127,65,90,105,bug,,55.0,1,0
+"['Intimidate', 'Anger Point', 'Sheer Force']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,100,5120,70,490,45,Wild Bull Pokémon,95,1250000,1.4,75,Kentaurosケンタロス,Tauros,100,128,40,70,110,normal,,88.4,1,0
+"['Swift Swim', 'Rattled']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,10,1280,70,200,255,Fish Pokémon,55,1250000,0.9,20,Koikingコイキング,Magikarp,50,129,15,20,80,water,,10.0,1,0
+"['Intimidate', 'Moxie']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,155,1280,70,640,45,Atrocious Pokémon,109,1250000,6.5,95,Gyaradosギャラドス,Gyarados,50,130,70,130,81,water,flying,235.0,1,0
+"['Water Absorb', 'Shell Armor', 'Hydration']",1,1,1,2,1,2,1,1,1,2,1,0.25,1,1,1,2,1,0.5,85,10240,70,535,45,Transport Pokémon,80,1250000,2.5,130,Laplaceラプラス,Lapras,50,131,85,95,60,water,ice,220.0,1,0
+"['Limber', 'Imposter']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,48,5120,70,288,35,Transform Pokémon,48,1000000,0.3,48,Metamonメタモン,Ditto,,132,48,48,48,normal,,4.0,1,0
+"['Run Away', 'Adaptability', 'Anticipation']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,55,8960,70,325,45,Evolution Pokémon,50,1000000,0.3,55,Eievuiイーブイ,Eevee,88.1,133,45,65,55,normal,,6.5,1,0
+"['Water Absorb', 'Hydration']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,8960,70,525,45,Bubble Jet Pokémon,60,1000000,1.0,130,Showersシャワーズ,Vaporeon,88.1,134,110,95,65,water,,29.0,1,0
+"['Volt Absorb', 'Quick Feet']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,65,8960,70,525,45,Lightning Pokémon,60,1000000,0.8,65,Thundersサンダース,Jolteon,88.1,135,110,95,130,electric,,24.5,1,0
+"['Flash Fire', 'Guts']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,130,8960,70,525,45,Flame Pokémon,60,1000000,0.9,65,Boosterブースター,Flareon,88.1,136,95,110,65,fire,,25.0,1,0
+"['Trace', 'Download', 'Analytic']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,60,5120,70,395,45,Virtual Pokémon,70,1000000,0.8,65,Porygonポリゴン,Porygon,,137,85,75,40,normal,,36.5,1,0
+"['Swift Swim', 'Shell Armor', 'Weak Armor']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,40,7680,70,355,45,Spiral Pokémon,100,1000000,0.4,35,Omniteオムナイト,Omanyte,88.1,138,90,55,35,rock,water,7.5,1,0
+"['Swift Swim', 'Shell Armor', 'Weak Armor']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,60,7680,70,495,45,Spiral Pokémon,125,1000000,1.0,70,Omstarオムスター,Omastar,88.1,139,115,70,55,rock,water,35.0,1,0
+"['Swift Swim', 'Battle Armor', 'Weak Armor']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,80,7680,70,355,45,Shellfish Pokémon,90,1000000,0.5,30,Kabutoカブト,Kabuto,88.1,140,55,45,55,rock,water,11.5,1,0
+"['Swift Swim', 'Battle Armor', 'Weak Armor']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,115,7680,70,495,45,Shellfish Pokémon,105,1000000,1.3,60,Kabutopsカブトプス,Kabutops,88.1,141,65,70,80,rock,water,40.5,1,0
+"['Rock Head', 'Pressure', 'Unnerve']",0.5,1,1,2,1,1,0.5,0.5,1,1,0,2,0.5,0.5,1,2,2,2,135,8960,70,615,45,Fossil Pokémon,85,1250000,1.8,80,Pteraプテラ,Aerodactyl,88.1,142,70,95,150,rock,flying,59.0,1,0
+"['Immunity', 'Thick Fat', 'Gluttony']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,110,10240,70,540,25,Sleeping Pokémon,65,1250000,2.1,160,Kabigonカビゴン,Snorlax,88.1,143,65,110,30,normal,,460.0,1,0
+"['Pressure', 'Snow Cloak']",0.5,1,1,2,1,1,2,1,1,0.5,0,1,1,1,1,4,2,1,85,20480,35,580,3,Freeze Pokémon,100,1250000,1.7,90,Freezerフリーザー,Articuno,,144,95,125,85,ice,flying,55.4,1,1
+"['Pressure', 'Static']",0.5,1,1,1,1,0.5,1,0.5,1,0.5,0,2,1,1,1,2,0.5,1,90,20480,35,580,3,Electric Pokémon,85,1250000,1.6,90,Thunderサンダー,Zapdos,,145,125,90,100,electric,flying,52.6,1,1
+"['Pressure', 'Flame Body']",0.25,1,1,2,0.5,0.5,0.5,1,1,0.25,0,1,1,1,1,4,0.5,2,100,20480,35,580,3,Flame Pokémon,90,1250000,2.0,90,Fireファイヤー,Moltres,,146,125,85,90,fire,flying,60.0,1,1
+"['Shed Skin', 'Marvel Scale']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,64,10240,35,300,45,Dragon Pokémon,45,1250000,1.8,41,Miniryuミニリュウ,Dratini,50,147,50,50,50,dragon,,3.3,1,0
+"['Shed Skin', 'Marvel Scale']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,84,10240,35,420,45,Dragon Pokémon,65,1250000,4.0,61,Hakuryuハクリュー,Dragonair,50,148,70,70,70,dragon,,16.5,1,0
+"['Inner Focus', 'Multiscale']",0.5,1,2,1,2,0.5,0.5,1,1,0.25,0,4,1,1,1,2,1,0.5,134,10240,35,600,45,Dragon Pokémon,95,1250000,2.2,91,Kairyuカイリュー,Dragonite,50,149,100,100,80,dragon,flying,210.0,1,0
+"['Pressure', 'Unnerve']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,150,30720,0,780,3,Genetic Pokémon,70,1250000,2.0,106,Mewtwoミュウツー,Mewtwo,,150,194,120,140,psychic,,122.0,1,1
+['Synchronize'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,100,30720,100,600,45,New Species Pokémon,100,1059860,0.4,100,Mewミュウ,Mew,,151,100,100,100,psychic,,4.0,1,1
+"['Overgrow', 'Leaf Guard']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,49,5120,70,318,45,Leaf Pokémon,65,1059860,0.9,45,Chicoritaチコリータ,Chikorita,88.1,152,49,65,45,grass,,6.4,2,0
+"['Overgrow', 'Leaf Guard']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,62,5120,70,405,45,Leaf Pokémon,80,1059860,1.2,60,Bayleafベイリーフ,Bayleef,88.1,153,63,80,60,grass,,15.8,2,0
+"['Overgrow', 'Leaf Guard']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,82,5120,70,525,45,Herb Pokémon,100,1059860,1.8,80,Meganiumメガニウム,Meganium,88.1,154,83,100,80,grass,,100.5,2,0
+"['Blaze', 'Flash Fire']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,52,5120,70,309,45,Fire Mouse Pokémon,43,1059860,0.5,39,Hinoarashiヒノアラシ,Cyndaquil,88.1,155,60,50,65,fire,,7.9,2,0
+"['Blaze', 'Flash Fire']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,64,5120,70,405,45,Volcano Pokémon,58,1059860,0.9,58,Magmarashiマグマラシ,Quilava,88.1,156,80,65,80,fire,,19.0,2,0
+"['Blaze', 'Flash Fire']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,84,5120,70,534,45,Volcano Pokémon,78,1059860,1.7,78,Bakphoonバクフーン,Typhlosion,88.1,157,109,85,100,fire,,79.5,2,0
+"['Torrent', 'Sheer Force']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,5120,70,314,45,Big Jaw Pokémon,64,1059860,0.6,50,Waninokoワニノコ,Totodile,88.1,158,44,48,43,water,,9.5,2,0
+"['Torrent', 'Sheer Force']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,80,5120,70,405,45,Big Jaw Pokémon,80,1059860,1.1,65,Alligatesアリゲイツ,Croconaw,88.1,159,59,63,58,water,,25.0,2,0
+"['Torrent', 'Sheer Force']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,105,5120,70,530,45,Big Jaw Pokémon,100,1059860,2.3,85,Ordileオーダイル,Feraligatr,88.1,160,79,83,78,water,,88.8,2,0
+"['Run Away', 'Keen Eye', 'Frisk']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,46,3840,70,215,255,Scout Pokémon,34,1000000,0.8,35,Otachiオタチ,Sentret,50,161,35,45,20,normal,,6.0,2,0
+"['Run Away', 'Keen Eye', 'Frisk']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,76,3840,70,415,90,Long Body Pokémon,64,1000000,1.8,85,Ootachiオオタチ,Furret,50,162,45,55,90,normal,,32.5,2,0
+"['Insomnia', 'Keen Eye', 'Tinted Lens']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,30,3840,70,262,255,Owl Pokémon,30,1000000,0.7,60,Hohoホーホー,Hoothoot,50,163,36,56,50,normal,flying,21.2,2,0
+"['Insomnia', 'Keen Eye', 'Tinted Lens']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,50,3840,70,452,90,Owl Pokémon,50,1000000,1.6,100,Yorunozukuヨルノズク,Noctowl,50,164,86,96,70,normal,flying,40.8,2,0
+"['Swarm', 'Early Bird', 'Rattled']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,20,3840,70,265,255,Five Star Pokémon,30,800000,1.0,40,Redibaレディバ,Ledyba,50,165,40,80,55,bug,flying,10.8,2,0
+"['Swarm', 'Early Bird', 'Iron Fist']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,35,3840,70,390,90,Five Star Pokémon,50,800000,1.4,55,Redianレディアン,Ledian,50,166,55,110,85,bug,flying,35.6,2,0
+"['Swarm', 'Insomnia', 'Sniper']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,60,3840,70,250,255,String Spit Pokémon,40,800000,0.5,40,Itomaruイトマル,Spinarak,50,167,40,40,30,bug,poison,8.5,2,0
+"['Swarm', 'Insomnia', 'Sniper']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,90,3840,70,400,90,Long Leg Pokémon,70,800000,1.1,70,Ariadosアリアドス,Ariados,50,168,60,70,40,bug,poison,33.5,2,0
+"['Inner Focus', 'Infiltrator']",0.25,1,1,2,0.5,0.25,1,1,1,0.25,0,2,1,0.5,2,2,1,1,90,3840,70,535,90,Bat Pokémon,80,1000000,1.8,85,Crobatクロバット,Crobat,50,169,70,80,130,poison,flying,75.0,2,0
+"['Volt Absorb', 'Illuminate', 'Water Absorb']",1,1,1,1,1,1,0.5,0.5,1,2,2,0.5,1,1,1,1,0.25,0.5,38,5120,70,330,190,Angler Pokémon,38,1250000,0.5,75,Chonchieチョンチー,Chinchou,50,170,56,56,67,water,electric,12.0,2,0
+"['Volt Absorb', 'Illuminate', 'Water Absorb']",1,1,1,1,1,1,0.5,0.5,1,2,2,0.5,1,1,1,1,0.25,0.5,58,5120,70,460,75,Light Pokémon,58,1250000,1.2,125,Lanternランターン,Lanturn,50,171,76,76,67,water,electric,22.5,2,0
+"['Static', 'Lightningrod']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,40,2560,70,205,190,Tiny Mouse Pokémon,15,1000000,0.3,20,Pichuピチュー,Pichu,50,172,35,35,60,electric,,2.0,2,0
+"['Cute Charm', 'Magic Guard', 'Friend Guard']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,25,2560,140,218,150,Star Shape Pokémon,28,800000,0.3,50,Pyピィ,Cleffa,24.6,173,45,55,15,fairy,,3.0,2,0
+"['Cute Charm', 'Competitive', 'Friend Guard']",0.5,0.5,0,1,1,1,1,1,0,1,1,1,1,2,1,1,2,1,30,2560,70,210,170,Balloon Pokémon,15,800000,0.3,90,Pupurinププリン,Igglybuff,24.6,174,40,20,15,normal,fairy,1.0,2,0
+"['Hustle', 'Serene Grace', 'Super Luck']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,20,2560,70,245,190,Spike Ball Pokémon,65,800000,0.3,35,Togepyトゲピー,Togepi,88.1,175,40,65,20,fairy,,1.5,2,0
+"['Hustle', 'Serene Grace', 'Super Luck']",0.25,0.5,0,2,1,0.25,1,1,1,0.5,0,2,1,2,1,2,2,1,40,2560,70,405,75,Happiness Pokémon,85,800000,0.6,55,Togechickトゲチック,Togetic,88.1,176,80,105,40,fairy,flying,3.2,2,0
+"['Synchronize', 'Early Bird', 'Magic Bounce']",1,2,1,2,1,0.25,1,1,2,0.5,0,2,1,1,0.5,2,1,1,50,5120,70,320,190,Little Bird Pokémon,45,1000000,0.2,40,Natyネイティ,Natu,50,177,70,45,70,psychic,flying,2.0,2,0
+"['Synchronize', 'Early Bird', 'Magic Bounce']",1,2,1,2,1,0.25,1,1,2,0.5,0,2,1,1,0.5,2,1,1,75,5120,70,470,75,Mystic Pokémon,70,1000000,1.5,65,Natioネイティオ,Xatu,50,178,95,70,95,psychic,flying,15.0,2,0
+"['Static', 'Plus']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,40,5120,70,280,235,Wool Pokémon,40,1059860,0.6,55,Merriepメリープ,Mareep,50,179,65,45,35,electric,,7.8,2,0
+"['Static', 'Plus']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,55,5120,70,365,120,Wool Pokémon,55,1059860,0.8,70,Mokokoモココ,Flaaffy,50,180,80,60,45,electric,,13.3,2,0
+"['Static', 'Plus']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,95,5120,70,610,45,Light Pokémon,105,1059860,1.4,90,Denryuデンリュウ,Ampharos,50,181,165,110,45,electric,,61.5,2,0
+"['Chlorophyll', 'Healer']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,80,5120,70,490,45,Flower Pokémon,95,1059860,0.4,75,Kireihanaキレイハナ,Bellossom,50,182,90,100,50,grass,,5.8,2,0
+"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0,2,1,0.5,0.5,1,1,2,1,0.5,1,2,1,1,1,0.5,20,2560,70,250,190,Aquamouse Pokémon,50,800000,0.4,70,Marilマリル,Marill,50,183,20,50,40,water,fairy,8.5,2,0
+"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0,2,1,0.5,0.5,1,1,2,1,0.5,1,2,1,1,1,0.5,50,2560,70,420,75,Aquarabbit Pokémon,80,800000,0.8,100,Marilliマリルリ,Azumarill,50,184,60,80,50,water,fairy,28.5,2,0
+"['Sturdy', 'Rock Head', 'Rattled']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,100,5120,70,410,65,Imitation Pokémon,115,1000000,1.2,70,Usokkieウソッキー,Sudowoodo,50,185,30,65,30,rock,,38.0,2,0
+"['Water Absorb', 'Damp', 'Drizzle']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,75,5120,70,500,45,Frog Pokémon,75,1059860,1.1,90,Nyorotonoニョロトノ,Politoed,50,186,90,100,70,water,,33.9,2,0
+"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1,1,1,1,1,0.5,2,2,1,0.25,0,4,1,2,1,2,1,0.5,35,5120,70,250,255,Cottonweed Pokémon,40,1059860,0.4,35,Haneccoハネッコ,Hoppip,50,187,35,55,50,grass,flying,0.5,2,0
+"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1,1,1,1,1,0.5,2,2,1,0.25,0,4,1,2,1,2,1,0.5,45,5120,70,340,120,Cottonweed Pokémon,50,1059860,0.6,55,Popoccoポポッコ,Skiploom,50,188,45,65,80,grass,flying,1.0,2,0
+"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1,1,1,1,1,0.5,2,2,1,0.25,0,4,1,2,1,2,1,0.5,55,5120,70,460,45,Cottonweed Pokémon,70,1059860,0.8,75,Wataccoワタッコ,Jumpluff,50,189,55,95,110,grass,flying,3.0,2,0
+"['Run Away', 'Pickup', 'Skill Link']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,70,5120,70,360,45,Long Tail Pokémon,55,800000,0.8,55,Eipamエイパム,Aipom,50,190,40,55,85,normal,,11.5,2,0
+"['Chlorophyll', 'Solar Power', 'Early Bird']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,30,5120,70,180,235,Seed Pokémon,30,1059860,0.3,30,Himanutsヒマナッツ,Sunkern,50,191,30,30,30,grass,,1.8,2,0
+"['Chlorophyll', 'Solar Power', 'Early Bird']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,75,5120,70,425,120,Sun Pokémon,55,1059860,0.8,75,Kimawariキマワリ,Sunflora,50,192,105,85,30,grass,,8.5,2,0
+"['Speed Boost', 'Compoundeyes', 'Frisk']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,65,5120,70,390,75,Clear Wing Pokémon,45,1000000,1.2,65,Yanyanmaヤンヤンマ,Yanma,50,193,75,45,95,bug,flying,38.0,2,0
+"['Damp', 'Water Absorb', 'Unaware']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,45,5120,70,210,255,Water Fish Pokémon,45,1000000,0.4,55,Upahウパー,Wooper,50,194,25,25,15,water,ground,8.5,2,0
+"['Damp', 'Water Absorb', 'Unaware']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,85,5120,70,430,90,Water Fish Pokémon,85,1000000,1.4,95,Nuohヌオー,Quagsire,50,195,65,65,35,water,ground,75.0,2,0
+"['Synchronize', 'Magic Bounce']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,65,8960,70,525,45,Sun Pokémon,60,1000000,0.9,65,Eifieエーフィ,Espeon,88.1,196,130,95,110,psychic,,26.5,2,0
+"['Synchronize', 'Inner Focus']",2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,65,8960,35,525,45,Moonlight Pokémon,110,1000000,1.0,95,Blackyブラッキー,Umbreon,88.1,197,60,130,65,dark,,27.0,2,0
+"['Insomnia', 'Super Luck', 'Prankster']",1,0.5,1,2,2,1,1,1,0.5,0.5,0,2,1,1,0,2,1,1,85,5120,35,405,30,Darkness Pokémon,42,1059860,0.5,60,Yamikarasuヤミカラス,Murkrow,50,198,85,42,91,dark,flying,2.1,2,0
+"['Oblivious', 'Own Tempo', 'Regenerator']",2,2,1,2,1,0.5,0.5,1,2,2,1,0.5,1,1,0.5,1,0.5,0.5,75,5120,70,490,70,Royal Pokémon,80,1000000,2.0,95,Yadokingヤドキング,Slowking,50,199,100,110,30,water,psychic,79.5,2,0
+['Levitate'],0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,60,6400,35,435,45,Screech Pokémon,60,800000,0.7,60,Mumaムウマ,Misdreavus,50,200,85,85,85,ghost,,1.0,2,0
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,72,10240,70,336,225,Symbol Pokémon,48,1000000,0.5,48,Unknownアンノーン,Unown,,201,72,48,48,psychic,,5.0,2,0
+"['Shadow Tag', 'Telepathy']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,33,5120,70,405,45,Patient Pokémon,58,1000000,1.3,190,Sonansソーナンス,Wobbuffet,50,202,33,58,33,psychic,,28.5,2,0
+"['Inner Focus', 'Early Bird', 'Sap Sipper']",2,2,1,1,1,1,1,1,0,1,1,1,1,1,0.5,1,1,1,80,5120,70,455,60,Long Neck Pokémon,65,1000000,1.5,70,Kirinrikiキリンリキ,Girafarig,50,203,90,65,85,normal,psychic,41.5,2,0
+"['Sturdy', 'Overcoat']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,65,5120,70,290,190,Bagworm Pokémon,90,1000000,0.6,50,Kunugidamaクヌギダマ,Pineco,50,204,35,35,15,bug,,7.2,2,0
+"['Sturdy', 'Overcoat']",0.5,1,0.5,1,0.5,1,4,1,1,0.25,1,0.5,0.5,0,0.5,1,0.5,1,90,5120,70,465,75,Bagworm Pokémon,140,1000000,1.2,75,Foretosフォレトス,Forretress,50,205,60,60,40,bug,steel,125.8,2,0
+"['Serene Grace', 'Run Away', 'Rattled']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,70,5120,70,415,190,Land Snake Pokémon,70,1000000,1.5,100,Nokocchiノコッチ,Dunsparce,50,206,65,65,45,normal,,14.0,2,0
+"['Hyper Cutter', 'Sand Veil', 'Immunity']",0.5,1,1,0,1,0.5,1,1,1,1,0,4,1,0.5,1,1,1,2,75,5120,70,430,60,Flyscorpion Pokémon,105,1059860,1.1,65,Gligerグライガー,Gligar,50,207,35,65,85,ground,flying,64.8,2,0
+"['Rock Head', 'Sturdy', 'Sheer Force']",0.5,1,0.5,0,0.5,2,2,0.5,1,1,2,1,0.5,0,0.5,0.25,0.5,2,125,6400,70,610,25,Iron Snake Pokémon,230,1000000,9.2,75,Haganeilハガネール,Steelix,50,208,55,95,30,steel,ground,400.0,2,0
+"['Intimidate', 'Run Away', 'Rattled']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,80,5120,70,300,190,Fairy Pokémon,50,800000,0.6,60,Buluブルー,Snubbull,24.6,209,40,40,30,fairy,,7.8,2,0
+"['Intimidate', 'Quick Feet', 'Rattled']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,120,5120,70,450,75,Fairy Pokémon,75,800000,1.4,90,Granbuluグランブル,Granbull,24.6,210,60,60,45,fairy,,48.7,2,0
+"['Poison Point', 'Swift Swim', 'Intimidate']",0.5,1,1,2,0.5,0.5,0.5,1,1,1,2,0.5,1,0.5,2,1,0.5,0.5,95,5120,70,440,45,Balloon Pokémon,85,1000000,0.5,65,Harysenハリーセン,Qwilfish,50,211,55,55,85,water,poison,3.9,2,0
+"['Swarm', 'Technician', 'Light Metal']",0.5,1,0.5,1,0.5,1,4,1,1,0.25,1,0.5,0.5,0,0.5,1,0.5,1,150,6400,70,600,25,Pincer Pokémon,140,1000000,1.8,70,Hassamハッサム,Scizor,50,212,65,100,75,bug,steel,118.0,2,0
+"['Sturdy', 'Gluttony', 'Contrary']",1,1,1,1,1,1,1,1,1,1,1,1,0.5,0.5,1,2,2,2,10,5120,70,505,190,Mold Pokémon,230,1059860,0.6,20,Tsubotsuboツボツボ,Shuckle,50,213,10,230,5,bug,rock,20.5,2,0
+"['Swarm', 'Guts', 'Moxie']",0.5,0.5,1,1,2,0.5,2,4,1,0.5,0.5,1,1,1,2,1,1,1,185,6400,70,600,45,Singlehorn Pokémon,115,1250000,1.5,80,Heracrosヘラクロス,Heracross,50,214,40,105,75,bug,fighting,54.0,2,0
+"['Inner Focus', 'Keen Eye', 'Pickpocket']",2,0.5,1,1,2,4,2,1,0.5,1,1,0.5,1,1,0,2,2,1,95,5120,35,430,60,Sharp Claw Pokémon,55,1059860,0.9,55,Nyulaニューラ,Sneasel,50,215,35,75,115,dark,ice,28.0,2,0
+"['Pickup', 'Quick Feet', 'Honey Gather']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,5120,70,330,120,Little Bear Pokémon,50,1000000,0.6,60,Himegumaヒメグマ,Teddiursa,50,216,50,50,40,normal,,8.8,2,0
+"['Guts', 'Quick Feet', 'Unnerve']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,130,5120,70,500,60,Hibernator Pokémon,75,1000000,1.8,90,Ringumaリングマ,Ursaring,50,217,75,75,55,normal,,125.8,2,0
+"['Magma Armor', 'Flame Body', 'Weak Armor']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,40,5120,70,250,190,Lava Pokémon,40,1000000,0.7,40,Magmagマグマッグ,Slugma,50,218,70,40,20,fire,,35.0,2,0
+"['Magma Armor', 'Flame Body', 'Weak Armor']",0.5,1,1,1,0.5,2,0.25,0.5,1,1,4,0.5,0.5,0.5,1,2,1,4,50,5120,70,430,75,Lava Pokémon,120,1000000,0.8,60,Magcargotマグカルゴ,Magcargo,50,219,90,80,30,fire,rock,55.0,2,0
+"['Oblivious', 'Snow Cloak', 'Thick Fat']",1,1,1,0,1,2,2,1,1,2,1,1,1,0.5,1,1,2,2,50,5120,70,250,225,Pig Pokémon,40,1250000,0.4,50,Urimooウリムー,Swinub,50,220,30,30,50,ice,ground,6.5,2,0
+"['Oblivious', 'Snow Cloak', 'Thick Fat']",1,1,1,0,1,2,2,1,1,2,1,1,1,0.5,1,1,2,2,100,5120,70,450,75,Swine Pokémon,80,1250000,1.1,100,Inomooイノムー,Piloswine,50,221,60,60,50,ice,ground,55.8,2,0
+"['Hustle', 'Natural Cure', 'Regenerator']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,55,5120,70,410,60,Coral Pokémon,95,800000,0.6,65,Sunnygoサニーゴ,Corsola,24.6,222,65,95,35,water,rock,5.0,2,0
+"['Hustle', 'Sniper', 'Moody']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,5120,70,300,190,Jet Pokémon,35,1000000,0.6,35,Teppouoテッポウオ,Remoraid,50,223,65,35,65,water,,12.0,2,0
+"['Suction Cups', 'Sniper', 'Moody']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,105,5120,70,480,75,Jet Pokémon,75,1000000,0.9,75,Okutankオクタン,Octillery,50,224,105,75,45,water,,28.5,2,0
+"['Vital Spirit', 'Hustle', 'Insomnia']",0.5,1,1,2,1,1,2,1,1,0.5,0,1,1,1,1,4,2,1,55,5120,70,330,45,Delivery Pokémon,45,800000,0.9,45,Delibirdデリバード,Delibird,50,225,65,45,75,ice,flying,16.0,2,0
+"['Swift Swim', 'Water Absorb', 'Water Veil']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,40,6400,70,485,25,Kite Pokémon,70,1250000,2.1,85,Mantainマンタイン,Mantine,50,226,80,140,70,water,flying,220.0,2,0
+"['Keen Eye', 'Sturdy', 'Weak Armor']",0.25,1,0.5,2,0.5,1,2,0.5,1,0.25,0,1,0.5,0,0.5,1,0.5,1,80,6400,70,465,25,Armor Bird Pokémon,140,1250000,1.7,65,Airmdエアームド,Skarmory,50,227,40,70,70,steel,flying,50.5,2,0
+"['Early Bird', 'Flash Fire', 'Unnerve']",1,0.5,1,1,1,2,0.5,1,0.5,0.5,2,0.5,1,1,0,2,0.5,2,60,5120,35,330,120,Dark Pokémon,30,1250000,0.6,45,Delvilデルビル,Houndour,50,228,80,50,65,dark,fire,10.8,2,0
+"['Early Bird', 'Flash Fire', 'Unnerve']",1,0.5,1,1,1,2,0.5,1,0.5,0.5,2,0.5,1,1,0,2,0.5,2,90,5120,35,600,45,Dark Pokémon,90,1250000,1.4,75,Hellgarヘルガー,Houndoom,50,229,140,90,115,dark,fire,35.0,2,0
+"['Swift Swim', 'Sniper', 'Damp']",1,1,2,1,2,1,0.25,1,1,1,1,1,1,1,1,1,0.5,0.25,95,5120,70,540,45,Dragon Pokémon,95,1000000,1.8,75,Kingdraキングドラ,Kingdra,50,230,95,95,85,water,dragon,152.0,2,0
+"['Pickup', 'Sand Veil']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,60,5120,70,330,120,Long Nose Pokémon,60,1000000,0.5,90,Gomazouゴマゾウ,Phanpy,50,231,40,40,40,ground,,33.5,2,0
+"['Sturdy', 'Sand Veil']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,120,5120,70,500,60,Armor Pokémon,120,1000000,1.1,90,Donfanドンファン,Donphan,50,232,60,60,50,ground,,120.0,2,0
+"['Trace', 'Download', 'Analytic']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,5120,70,515,45,Virtual Pokémon,90,1000000,0.6,85,Porygon2ポリゴン2,Porygon2,,233,105,95,60,normal,,32.5,2,0
+"['Intimidate', 'Frisk', 'Sap Sipper']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,95,5120,70,465,45,Big Horn Pokémon,62,1250000,1.4,73,Odoshishiオドシシ,Stantler,50,234,85,65,85,normal,,71.2,2,0
+"['Own Tempo', 'Technician', 'Moody']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,20,5120,70,250,45,Painter Pokémon,35,800000,1.2,55,Dobleドーブル,Smeargle,50,235,20,45,75,normal,,58.0,2,0
+"['Guts', 'Steadfast', 'Vital Spirit']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,35,6400,70,210,75,Scuffle Pokémon,35,1000000,0.7,35,Balkieバルキー,Tyrogue,100,236,35,35,35,fighting,,21.0,2,0
+"['Intimidate', 'Technician', 'Steadfast']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,95,6400,70,455,45,Handstand Pokémon,95,1000000,1.4,50,Kapoererカポエラー,Hitmontop,100,237,35,110,70,fighting,,48.0,2,0
+"['Oblivious', 'Forewarn', 'Hydration']",2,2,1,1,1,1,2,1,2,1,1,0.5,1,1,0.5,2,2,1,30,6400,70,305,45,Kiss Pokémon,15,1000000,0.4,45,Muchulムチュール,Smoochum,0,238,85,65,65,ice,psychic,6.0,2,0
+"['Static', 'Vital Spirit']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,63,6400,70,360,45,Electric Pokémon,37,1000000,0.6,45,Elekidエレキッド,Elekid,75.4,239,65,55,95,electric,,23.5,2,0
+"['Flame Body', 'Vital Spirit']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,75,6400,70,365,45,Live Coal Pokémon,37,1000000,0.7,45,Bubyブビィ,Magby,75.4,240,70,55,83,fire,,21.4,2,0
+"['Thick Fat', 'Scrappy', 'Sap Sipper']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,5120,70,490,45,Milk Cow Pokémon,105,1250000,1.2,95,Miltankミルタンク,Miltank,0,241,40,70,100,normal,,75.5,2,0
+"['Natural Cure', 'Serene Grace', 'Healer']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,10,10240,140,540,30,Happiness Pokémon,10,800000,1.5,255,Happinasハピナス,Blissey,0,242,75,135,55,normal,,46.8,2,0
+"['Pressure', 'Inner Focus']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,85,20480,35,580,3,Thunder Pokémon,75,1250000,1.9,90,Raikouライコウ,Raikou,,243,115,100,115,electric,,178.0,2,1
+"['Pressure', 'Inner Focus']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,115,20480,35,580,3,Volcano Pokémon,85,1250000,2.1,115,Enteiエンテイ,Entei,,244,90,75,100,fire,,198.0,2,1
+"['Pressure', 'Inner Focus']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,75,20480,35,580,3,Aurora Pokémon,115,1250000,2.0,100,Suicuneスイクン,Suicune,,245,90,115,85,water,,187.0,2,1
+"['Guts', 'Sand Veil']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,64,10240,35,300,45,Rock Skin Pokémon,50,1250000,0.6,50,Yogirasヨーギラス,Larvitar,50,246,45,50,41,rock,ground,72.0,2,0
+['Shed Skin'],1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,84,10240,35,410,45,Hard Shell Pokémon,70,1250000,1.2,70,Sanagirasサナギラス,Pupitar,50,247,65,70,51,rock,ground,152.0,2,0
+"['Sand Stream', 'Unnerve']",2,0.5,1,1,2,4,0.5,0.5,0.5,2,2,1,0.5,0.5,0,1,2,2,164,10240,35,700,45,Armor Pokémon,150,1250000,2.0,100,Bangirasバンギラス,Tyranitar,50,248,95,120,71,rock,dark,202.0,2,0
+"['Pressure', 'Multiscale']",1,2,1,2,1,0.25,1,1,2,0.5,0,2,1,1,0.5,2,1,1,90,30720,0,680,3,Diving Pokémon,130,1250000,5.2,106,Lugiaルギア,Lugia,,249,90,154,110,psychic,flying,216.0,2,1
+"['Pressure', 'Regenerator']",0.25,1,1,2,0.5,0.5,0.5,1,1,0.25,0,1,1,1,1,4,0.5,2,130,30720,0,680,3,Rainbow Pokémon,90,1250000,3.8,106,Hououホウオウ,Ho-Oh,,250,110,154,90,fire,flying,199.0,2,1
+['Natural Cure'],4,2,1,0.5,1,0.5,2,2,2,0.5,0.5,2,1,2,0.5,1,1,0.5,100,30720,100,600,45,Time Travel Pokémon,100,1059860,0.6,100,Celebiセレビィ,Celebi,,251,100,100,100,psychic,grass,5.0,2,1
+"['Overgrow', 'Unburden']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,45,5120,70,310,45,Wood Gecko Pokémon,35,1059860,0.5,40,Kimoriキモリ,Treecko,88.1,252,65,55,70,grass,,5.0,3,0
+"['Overgrow', 'Unburden']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,65,5120,70,405,45,Wood Gecko Pokémon,45,1059860,0.9,50,Juptileジュプトル,Grovyle,88.1,253,85,65,95,grass,,21.6,3,0
+"['Overgrow', 'Unburden']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,110,5120,70,630,45,Forest Pokémon,75,1059860,1.7,70,Jukainジュカイン,Sceptile,88.1,254,145,85,145,grass,,52.2,3,0
+"['Blaze', 'Speed Boost']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,60,5120,70,310,45,Chick Pokémon,40,1059860,0.4,45,Achamoアチャモ,Torchic,88.1,255,70,50,45,fire,,2.5,3,0
+"['Blaze', 'Speed Boost']",0.25,0.5,1,1,1,1,0.5,2,1,0.5,2,0.5,1,1,2,1,0.5,2,85,5120,70,405,45,Young Fowl Pokémon,60,1059860,0.9,60,Wakasyamoワカシャモ,Combusken,88.1,256,85,60,55,fire,fighting,19.5,3,0
+"['Blaze', 'Speed Boost']",0.25,0.5,1,1,1,1,0.5,2,1,0.5,2,0.5,1,1,2,1,0.5,2,160,5120,70,630,45,Blaze Pokémon,80,1059860,1.9,80,Bursyamoバシャーモ,Blaziken,88.1,257,130,80,100,fire,fighting,52.0,3,0
+"['Torrent', 'Damp']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,70,5120,70,310,45,Mud Fish Pokémon,50,1059860,0.4,50,Mizugorouミズゴロウ,Mudkip,88.1,258,50,50,40,water,,7.6,3,0
+"['Torrent', 'Damp']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,85,5120,70,405,45,Mud Fish Pokémon,70,1059860,0.7,70,Numacrawヌマクロー,Marshtomp,88.1,259,60,70,50,water,ground,28.0,3,0
+"['Torrent', 'Damp']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,150,5120,70,635,45,Mud Fish Pokémon,110,1059860,1.5,100,Laglargeラグラージ,Swampert,88.1,260,95,110,70,water,ground,81.9,3,0
+"['Run Away', 'Quick Feet', 'Rattled']",2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,55,3840,70,220,255,Bite Pokémon,35,1000000,0.5,35,Pochienaポチエナ,Poochyena,50,261,30,30,35,dark,,13.6,3,0
+"['Intimidate', 'Quick Feet', 'Moxie']",2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,90,3840,70,420,127,Bite Pokémon,70,1000000,1.0,70,Graenaグラエナ,Mightyena,50,262,60,60,70,dark,,37.0,3,0
+"['Pickup', 'Gluttony', 'Quick Feet']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,30,3840,70,240,255,Tiny Racoon Pokémon,41,1000000,0.4,38,Jiguzagumaジグザグマ,Zigzagoon,50,263,30,41,60,normal,,17.5,3,0
+"['Pickup', 'Gluttony', 'Quick Feet']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,70,3840,70,420,90,Rush Pokémon,61,1000000,0.5,78,Massugumaマッスグマ,Linoone,50,264,50,61,100,normal,,32.5,3,0
+"['Shield Dust', 'Run Away']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,45,3840,70,195,255,Worm Pokémon,35,1000000,0.3,45,Kemussoケムッソ,Wurmple,50,265,20,30,20,bug,,3.6,3,0
+['Shed Skin'],1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,35,3840,70,205,120,Cocoon Pokémon,55,1000000,0.6,50,Karasalisカラサリス,Silcoon,50,266,25,25,15,bug,,10.0,3,0
+"['Swarm', 'Rivalry']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,70,3840,70,395,45,Butterfly Pokémon,50,1000000,1.0,60,Agehuntアゲハント,Beautifly,50,267,100,50,65,bug,flying,28.4,3,0
+['Shed Skin'],1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,35,3840,70,205,120,Cocoon Pokémon,55,1000000,0.7,50,Mayuldマユルド,Cascoon,50,268,25,25,15,bug,,11.5,3,0
+"['Shield Dust', 'Compoundeyes']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,50,3840,70,385,45,Poison Moth Pokémon,70,1000000,1.2,60,Dokucaleドクケイル,Dustox,50,269,50,90,65,bug,poison,31.6,3,0
+"['Swift Swim', 'Rain Dish', 'Own Tempo']",2,1,1,1,1,1,1,2,1,1,0.5,1,1,2,1,1,0.5,0.25,30,3840,70,220,255,Water Weed Pokémon,30,1059860,0.5,40,Hassbohハスボー,Lotad,50,270,40,50,30,water,grass,2.6,3,0
+"['Swift Swim', 'Rain Dish', 'Own Tempo']",2,1,1,1,1,1,1,2,1,1,0.5,1,1,2,1,1,0.5,0.25,50,3840,70,340,120,Jolly Pokémon,50,1059860,1.2,60,Hasubreroハスブレロ,Lombre,50,271,60,70,50,water,grass,32.5,3,0
+"['Swift Swim', 'Rain Dish', 'Own Tempo']",2,1,1,1,1,1,1,2,1,1,0.5,1,1,2,1,1,0.5,0.25,70,3840,70,480,45,Carefree Pokémon,70,1059860,1.5,80,Runpappaルンパッパ,Ludicolo,50,272,90,100,70,water,grass,55.0,3,0
+"['Chlorophyll', 'Early Bird', 'Pickpocket']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,40,3840,70,220,255,Acorn Pokémon,50,1059860,0.5,40,Tanebohタネボー,Seedot,50,273,30,30,30,grass,,4.0,3,0
+"['Chlorophyll', 'Early Bird', 'Pickpocket']",4,0.5,1,0.5,2,2,2,2,0.5,0.5,0.5,2,1,2,0,1,1,0.5,70,3840,70,340,120,Wily Pokémon,40,1059860,1.0,70,Konohanaコノハナ,Nuzleaf,50,274,60,40,60,grass,dark,28.0,3,0
+"['Chlorophyll', 'Early Bird', 'Pickpocket']",4,0.5,1,0.5,2,2,2,2,0.5,0.5,0.5,2,1,2,0,1,1,0.5,100,3840,70,480,45,Wickid Pokémon,60,1059860,1.3,90,Dirtengダーテング,Shiftry,50,275,90,60,80,grass,dark,59.6,3,0
+"['Guts', 'Scrappy']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,55,3840,70,270,200,TinySwallow Pokémon,30,1059860,0.3,40,Subameスバメ,Taillow,50,276,30,30,85,normal,flying,2.3,3,0
+"['Guts', 'Scrappy']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,85,3840,70,455,45,Swallow Pokémon,60,1059860,0.7,60,Ohsubameオオスバメ,Swellow,50,277,75,50,125,normal,flying,19.8,3,0
+"['Keen Eye', 'Hydration', 'Rain Dish']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,30,5120,70,270,190,Seagull Pokémon,30,1000000,0.6,40,Camomeキャモメ,Wingull,50,278,55,30,85,water,flying,9.5,3,0
+"['Keen Eye', 'Drizzle', 'Rain Dish']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,50,5120,70,440,45,Water Bird Pokémon,100,1000000,1.2,60,Pelipperペリッパー,Pelipper,50,279,95,70,65,water,flying,28.0,3,0
+"['Synchronize', 'Trace', 'Telepathy']",1,1,0,1,1,0.25,1,1,2,1,1,1,1,2,0.5,1,2,1,25,5120,35,198,235,Feeling Pokémon,25,1250000,0.4,28,Raltsラルトス,Ralts,50,280,45,35,40,psychic,fairy,6.6,3,0
+"['Synchronize', 'Trace', 'Telepathy']",1,1,0,1,1,0.25,1,1,2,1,1,1,1,2,0.5,1,2,1,35,5120,35,278,120,Emotion Pokémon,35,1250000,0.8,38,Kirliaキルリア,Kirlia,50,281,65,55,50,psychic,fairy,20.2,3,0
+"['Synchronize', 'Trace', 'Telepathy']",1,1,0,1,1,0.25,1,1,2,1,1,1,1,2,0.5,1,2,1,85,5120,35,618,45,Embrace Pokémon,65,1250000,1.6,68,Sirnightサーナイト,Gardevoir,50,282,165,135,100,psychic,fairy,48.4,3,0
+"['Swift Swim', 'Rain Dish']",1,1,1,2,1,0.5,1,2,1,1,0.5,0.5,1,1,1,2,0.5,0.5,30,3840,70,269,200,Pond Skater Pokémon,32,1000000,0.5,40,Ametamaアメタマ,Surskit,50,283,50,52,65,bug,water,1.7,3,0
+"['Intimidate', 'Unnerve']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,60,3840,70,454,75,Eyeball Pokémon,62,1000000,0.8,70,Amemothアメモース,Masquerain,50,284,100,82,80,bug,flying,3.6,3,0
+"['Effect Spore', 'Poison Heal', 'Quick Feet']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,40,3840,70,295,255,Mushroom Pokémon,60,1640000,0.4,60,Kinococoキノココ,Shroomish,50,285,40,60,35,grass,,4.5,3,0
+"['Effect Spore', 'Poison Heal', 'Technician']",1,0.5,1,0.5,2,1,2,4,1,0.5,0.5,2,1,2,2,0.5,1,0.5,130,3840,70,460,90,Mushroom Pokémon,80,1640000,1.2,60,Kinogassaキノガッサ,Breloom,50,286,60,60,70,grass,fighting,39.2,3,0
+['Truant'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,60,3840,70,280,255,Slacker Pokémon,60,1250000,0.8,60,Namakeroナマケロ,Slakoth,50,287,35,35,30,normal,,24.0,3,0
+['Vital Spirit'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,3840,70,440,120,Wild Monkey Pokémon,80,1250000,1.4,80,Yarukimonoヤルキモノ,Vigoroth,50,288,55,55,90,normal,,46.5,3,0
+['Truant'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,160,3840,70,670,45,Lazy Pokémon,100,1250000,2.0,150,Kekkingケッキング,Slaking,50,289,95,65,100,normal,,130.5,3,0
+"['Compoundeyes', 'Run Away']",1,1,1,0,1,0.5,2,2,1,1,0.5,2,1,0.5,1,1,1,2,45,3840,70,266,255,Trainee Pokémon,90,600000,0.5,31,Tutininツチニン,Nincada,50,290,30,30,40,bug,ground,5.5,3,0
+"['Speed Boost', 'Infiltrator']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,90,3840,70,456,120,Ninja Pokémon,45,600000,0.8,61,Tekkaninテッカニン,Ninjask,50,291,50,50,160,bug,flying,12.0,3,0
+['Wonder Guard'],0.5,2,1,1,1,0,2,2,2,0.5,0.5,1,0,0.5,1,2,1,1,90,3840,70,236,45,Shed Pokémon,45,600000,0.8,1,Nukeninヌケニン,Shedinja,,292,30,30,40,bug,ghost,1.2,3,0
+"['Soundproof', 'Rattled']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,51,5120,70,240,190,Whisper Pokémon,23,1059860,0.6,64,Gonyonyoゴニョニョ,Whismur,50,293,51,23,28,normal,,16.3,3,0
+"['Soundproof', 'Scrappy']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,71,5120,70,360,120,Big Voice Pokémon,43,1059860,1.0,84,Dogohmbドゴーム,Loudred,50,294,71,43,48,normal,,40.5,3,0
+"['Soundproof', 'Scrappy']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,91,5120,70,490,45,Loud Noise Pokémon,63,1059860,1.5,104,Bakuongバクオング,Exploud,50,295,91,73,68,normal,,84.0,3,0
+"['Thick Fat', 'Guts', 'Sheer Force']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,60,5120,70,237,180,Guts Pokémon,30,1640000,1.0,72,Makunoshitaマクノシタ,Makuhita,75.4,296,20,30,25,fighting,,86.4,3,0
+"['Thick Fat', 'Guts', 'Sheer Force']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,120,5120,70,474,200,Arm Thrust Pokémon,60,1640000,2.3,144,Hariteyamaハリテヤマ,Hariyama,75.4,297,40,60,50,fighting,,253.8,3,0
+"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0,1,1,1,1,1,0,1,1,1,1,2,1,1,2,1,20,2560,70,190,150,Polka Dot Pokémon,40,800000,0.2,50,Ruririルリリ,Azurill,24.6,298,20,40,20,normal,fairy,2.0,3,0
+"['Sturdy', 'Magnet Pull', 'Sand Force']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,45,5120,70,375,255,Compass Pokémon,135,1000000,1.0,30,Nosepassノズパス,Nosepass,50,299,45,90,30,rock,,97.0,3,0
+"['Cute Charm', 'Normalize', 'Wonder Skin ']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,45,3840,70,260,255,Kitten Pokémon,45,800000,0.6,50,Enecoエネコ,Skitty,24.6,300,35,35,50,normal,,11.0,3,0
+"['Cute Charm', 'Normalize', 'Wonder Skin ']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,65,3840,70,400,60,Prim Pokémon,65,800000,1.1,70,Enekororoエネコロロ,Delcatty,24.6,301,55,55,90,normal,,32.6,3,0
+"['Keen Eye', 'Stall', 'Prankster']",1,1,1,1,2,0,1,1,1,1,1,1,0,0.5,0,1,1,1,85,6400,35,480,45,Darkness Pokémon,125,1059860,0.5,50,Yamiramiヤミラミ,Sableye,50,302,85,115,20,dark,ghost,11.0,3,0
+"['Hyper Cutter', 'Intimidate', 'Sheer Force']",0.25,0.5,0,1,0.5,1,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,1,1,105,5120,70,480,45,Deceiver Pokémon,125,800000,0.6,50,Kucheatクチート,Mawile,50,303,55,95,50,steel,fairy,11.5,3,0
+"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1,0.5,1,0.5,4,1,0.25,1,1,4,0.5,0.25,0,0.5,0.5,1,2,70,8960,35,330,180,Iron Armor Pokémon,100,1250000,0.4,50,Cokodoraココドラ,Aron,50,304,40,40,30,steel,rock,60.0,3,0
+"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1,0.5,1,0.5,4,1,0.25,1,1,4,0.5,0.25,0,0.5,0.5,1,2,90,8960,35,430,90,Iron Armor Pokémon,140,1250000,0.9,60,Kodoraコドラ,Lairon,50,305,50,50,40,steel,rock,120.0,3,0
+"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1,0.5,1,0.5,4,1,0.25,1,1,4,0.5,0.25,0,0.5,0.5,1,2,140,8960,35,630,45,Iron Armor Pokémon,230,1250000,2.1,70,Bossgodoraボスゴドラ,Aggron,50,306,60,80,50,steel,rock,360.0,3,0
+"['Pure Power', 'Telepathy']",1,1,1,1,2,0.5,1,2,2,1,1,1,1,1,1,0.5,1,1,40,5120,70,280,180,Meditate Pokémon,55,1000000,0.6,30,Asananアサナン,Meditite,50,307,40,55,60,fighting,psychic,11.2,3,0
+"['Pure Power', 'Telepathy']",1,1,1,1,2,0.5,1,2,2,1,1,1,1,1,1,0.5,1,1,100,5120,70,510,90,Meditate Pokémon,85,1000000,1.3,60,Charemチャーレム,Medicham,50,308,80,85,100,fighting,psychic,31.5,3,0
+"['Static', 'Lightningrod', 'Minus']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,45,5120,70,295,120,Lightning Pokémon,40,1250000,0.6,40,Rakuraiラクライ,Electrike,50,309,65,40,65,electric,,15.2,3,0
+"['Static', 'Lightningrod', 'Minus']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,75,5120,70,575,45,Discharge Pokémon,80,1250000,1.5,70,Livoltライボルト,Manectric,50,310,135,80,135,electric,,40.2,3,0
+"['Plus', 'Lightningrod']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,50,5120,70,405,200,Cheering Pokémon,40,1000000,0.4,60,Prasleプラスル,Plusle,50,311,85,75,95,electric,,4.2,3,0
+"['Minus', 'Volt Absorb']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,40,5120,70,405,200,Cheering Pokémon,50,1000000,0.4,60,Minunマイナン,Minun,50,312,75,85,95,electric,,4.2,3,0
+"['Illuminate', 'Swarm', 'Prankster']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,73,3840,70,430,150,Firefly Pokémon,75,600000,0.7,65,Barubeatバルビート,Volbeat,100,313,47,85,85,bug,,17.7,3,0
+"['Oblivious', 'Tinted Lens', 'Prankster']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,47,3840,70,430,150,Firefly Pokémon,75,1640000,0.6,65,Illumiseイルミーゼ,Illumise,0,314,73,85,85,bug,,17.7,3,0
+"['Natural Cure', 'Poison Point', 'Leaf Guard']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,60,5120,70,400,150,Thorn Pokémon,45,1059860,0.3,50,Roseliaロゼリア,Roselia,50,315,100,80,65,grass,poison,2.0,3,0
+"['Liquid Ooze', 'Sticky Hold', 'Gluttony']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,43,5120,70,302,225,Stomach Pokémon,53,1640000,0.4,70,Gokulinゴクリン,Gulpin,50,316,43,53,40,poison,,10.3,3,0
+"['Liquid Ooze', 'Sticky Hold', 'Gluttony']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,73,5120,70,467,75,Poison Bag Pokémon,83,1640000,1.7,100,Marunoomマルノーム,Swalot,50,317,73,83,55,poison,,80.0,3,0
+"['Rough Skin', 'Speed Boost']",2,0.5,1,2,2,2,0.5,1,0.5,2,1,0.5,1,1,0,1,0.5,0.5,90,5120,35,305,225,Savage Pokémon,20,1250000,0.8,45,Kibanhaキバニア,Carvanha,50,318,65,20,65,water,dark,20.8,3,0
+"['Rough Skin', 'Speed Boost']",2,0.5,1,2,2,2,0.5,1,0.5,2,1,0.5,1,1,0,1,0.5,0.5,140,5120,35,560,60,Brutal Pokémon,70,1250000,1.8,70,Samehaderサメハダー,Sharpedo,50,319,110,65,105,water,dark,88.8,3,0
+"['Water Veil', 'Oblivious', 'Pressure']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,70,10240,70,400,125,Ball Whale Pokémon,35,1640000,2.0,130,Hoerukoホエルコ,Wailmer,50,320,70,35,60,water,,130.0,3,0
+"['Water Veil', 'Oblivious', 'Pressure']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,90,10240,70,500,60,Float Whale Pokémon,45,1640000,14.5,170,Whalohホエルオー,Wailord,50,321,90,45,60,water,,398.0,3,0
+"['Oblivious', 'Simple', 'Own Tempo']",0.5,1,1,0,0.5,1,0.5,1,1,1,2,1,1,0.5,1,1,0.5,4,60,5120,70,305,255,Numb Pokémon,40,1000000,0.7,60,Donmelドンメル,Numel,50,322,65,45,35,fire,ground,24.0,3,0
+"['Magma Armor', 'Solid Rock', 'Anger Point']",0.5,1,1,0,0.5,1,0.5,1,1,1,2,1,1,0.5,1,1,0.5,4,120,5120,70,560,150,Eruption Pokémon,100,1000000,1.9,70,Bakuudaバクーダ,Camerupt,50,323,145,105,20,fire,ground,220.0,3,0
+"['White Smoke', 'Drought', 'Shell Armor']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,85,5120,70,470,90,Coal Pokémon,140,1000000,0.5,70,Cotoiseコータス,Torkoal,50,324,85,70,20,fire,,80.4,3,0
+"['Thick Fat', 'Own Tempo', 'Gluttony']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,25,5120,70,330,255,Bounce Pokémon,35,800000,0.7,60,Banebooバネブー,Spoink,50,325,70,80,60,psychic,,30.6,3,0
+"['Thick Fat', 'Own Tempo', 'Gluttony']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,45,5120,70,470,60,Manipulate Pokémon,65,800000,0.9,80,Boopigブーピッグ,Grumpig,50,326,90,110,80,psychic,,71.5,3,0
+"['Own Tempo', 'Tangled Feet', 'Contrary']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,60,3840,70,360,255,Spot Panda Pokémon,60,800000,1.1,60,Patcheelパッチール,Spinda,50,327,60,60,60,normal,,5.0,3,0
+"['Hyper Cutter', 'Arena Trap', 'Sheer Force']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,100,5120,70,290,255,Ant Pit Pokémon,45,1059860,0.7,45,Nuckrarナックラー,Trapinch,50,328,45,45,10,ground,,15.0,3,0
+['Levitate'],1,1,2,0,2,1,0.5,1,1,1,1,4,1,0.5,1,0.5,1,1,70,5120,70,340,120,Vibration Pokémon,50,1059860,1.1,50,Vibravaビブラーバ,Vibrava,50,329,50,50,70,ground,dragon,15.3,3,0
+['Levitate'],1,1,2,0,2,1,0.5,1,1,1,1,4,1,0.5,1,0.5,1,1,100,5120,70,520,45,Mystic Pokémon,80,1059860,2.0,80,Flygonフライゴン,Flygon,50,330,80,80,100,ground,dragon,82.0,3,0
+"['Sand Veil', 'Water Absorb']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,85,5120,35,335,190,Cactus Pokémon,40,1059860,0.4,50,Saboneaサボネア,Cacnea,50,331,85,40,35,grass,,51.3,3,0
+"['Sand Veil', 'Water Absorb']",4,0.5,1,0.5,2,2,2,2,0.5,0.5,0.5,2,1,2,0,1,1,0.5,115,5120,35,475,60,Scarecrow Pokémon,60,1059860,1.3,70,Noctusノクタス,Cacturne,50,332,115,60,55,grass,dark,77.4,3,0
+"['Natural Cure', 'Cloud Nine']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,40,5120,70,310,255,Cotton Bird Pokémon,60,600000,0.4,45,Tylttoチルット,Swablu,50,333,40,75,50,normal,flying,1.2,3,0
+"['Natural Cure', 'Cloud Nine']",0.5,1,2,1,2,0.5,0.5,1,1,0.25,0,4,1,1,1,2,1,0.5,110,5120,70,590,45,Humming Pokémon,110,600000,1.1,75,Tyltalisチルタリス,Altaria,50,334,110,105,80,dragon,flying,20.6,3,0
+"['Immunity', 'Toxic Boost']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,115,5120,70,458,90,Cat Ferret Pokémon,60,600000,1.3,73,Zangooseザングース,Zangoose,50,335,60,60,90,normal,,40.3,3,0
+"['Shed Skin', 'Infiltrator']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,100,5120,70,458,90,Fang Snake Pokémon,60,1640000,2.7,73,Habunakeハブネーク,Seviper,50,336,100,60,65,poison,,52.5,3,0
+['Levitate'],2,2,1,1,1,1,0.5,0.5,2,2,2,1,0.5,0.5,0.5,1,2,2,55,6400,70,460,45,Meteorite Pokémon,65,800000,1.0,90,Lunatoneルナトーン,Lunatone,,337,95,85,70,rock,psychic,168.0,3,0
+['Levitate'],2,2,1,1,1,1,0.5,0.5,2,2,2,1,0.5,0.5,0.5,1,2,2,95,6400,70,460,45,Meteorite Pokémon,85,800000,1.2,90,Solrockソルロック,Solrock,,338,55,65,70,rock,psychic,154.0,3,0
+"['Oblivious', 'Anticipation', 'Hydration']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,48,5120,70,288,190,Whiskers Pokémon,43,1000000,0.4,50,Dojoachドジョッチ,Barboach,50,339,46,41,60,water,ground,1.9,3,0
+"['Oblivious', 'Anticipation', 'Hydration']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,78,5120,70,468,75,Whiskers Pokémon,73,1000000,0.9,110,Namazunナマズン,Whiscash,50,340,76,71,60,water,ground,23.6,3,0
+"['Hyper Cutter', 'Shell Armor', 'Adaptability']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,80,3840,70,308,205,Ruffian Pokémon,65,1640000,0.6,43,Heiganiヘイガニ,Corphish,50,341,50,35,35,water,,11.5,3,0
+"['Hyper Cutter', 'Shell Armor', 'Adaptability']",2,0.5,1,2,2,2,0.5,1,0.5,2,1,0.5,1,1,0,1,0.5,0.5,120,3840,70,468,155,Rogue Pokémon,85,1640000,1.1,63,Shizarigerシザリガー,Crawdaunt,50,342,90,55,55,water,dark,32.8,3,0
+['Levitate'],2,2,1,0,1,0.5,1,1,2,2,1,2,1,0.5,0.5,0.5,1,2,40,5120,70,300,255,Clay Doll Pokémon,55,1000000,0.5,40,Yajilonヤジロン,Baltoy,,343,40,70,55,ground,psychic,21.5,3,0
+['Levitate'],2,2,1,0,1,0.5,1,1,2,2,1,2,1,0.5,0.5,0.5,1,2,70,5120,70,500,90,Clay Doll Pokémon,105,1000000,1.5,60,Nendollネンドール,Claydol,,344,70,120,75,ground,psychic,108.0,3,0
+"['Suction Cups', 'Storm Drain']",2,1,1,0.5,1,2,1,1,1,1,1,2,0.5,1,1,1,2,1,41,7680,70,355,45,Sea Lily Pokémon,77,600000,1.0,66,Lilylaリリーラ,Lileep,88.1,345,61,87,23,rock,grass,23.8,3,0
+"['Suction Cups', 'Storm Drain']",2,1,1,0.5,1,2,1,1,1,1,1,2,0.5,1,1,1,2,1,81,7680,70,495,45,Barnacle Pokémon,97,600000,1.5,86,Yuradleユレイドル,Cradily,88.1,346,81,107,43,rock,grass,60.4,3,0
+"['Battle Armor', 'Swift Swim']",1,1,1,1,1,1,1,1,1,1,1,1,0.5,0.5,1,2,2,2,95,7680,70,355,45,Old Shrimp Pokémon,50,600000,0.7,45,Anopthアノプス,Anorith,88.1,347,40,50,75,rock,bug,12.5,3,0
+"['Battle Armor', 'Swift Swim']",1,1,1,1,1,1,1,1,1,1,1,1,0.5,0.5,1,2,2,2,125,7680,70,495,45,Plate Pokémon,100,600000,1.5,75,Armaldoアーマルド,Armaldo,88.1,348,70,80,45,rock,bug,68.2,3,0
+"['Swift Swim', 'Oblivious', 'Adaptability']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,15,5120,70,200,255,Fish Pokémon,20,600000,0.6,20,Hinbassヒンバス,Feebas,50,349,10,55,80,water,,7.4,3,0
+"['Marvel Scale', 'Competitive', 'Cute Charm']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,60,5120,70,540,60,Tender Pokémon,79,600000,6.2,95,Milokarossミロカロス,Milotic,50,350,100,125,81,water,,162.0,3,0
+['Forecast'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,70,6400,70,420,45,Weather Pokémon,70,1000000,0.3,70,Powalenポワルン,Castform,50,351,70,70,70,normal,,0.8,3,0
+"['Color Change', 'Protean']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,90,5120,70,440,200,Color Swap Pokémon,70,1059860,1.0,60,Kakureonカクレオン,Kecleon,50,352,60,120,40,normal,,22.0,3,0
+"['Insomnia', 'Frisk', 'Cursed Body']",0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,75,6400,35,295,225,Puppet Pokémon,35,800000,0.6,44,Kagebouzuカゲボウズ,Shuppet,50,353,63,33,45,ghost,,2.3,3,0
+"['Insomnia', 'Frisk', 'Cursed Body']",0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,165,6400,35,555,45,Marionette Pokémon,75,800000,1.1,64,Juppetaジュペッタ,Banette,50,354,93,83,75,ghost,,12.5,3,0
+"['Levitate', 'Frisk']",0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,40,6400,35,295,190,Requiem Pokémon,90,800000,0.8,20,Yomawaruヨマワル,Duskull,50,355,30,90,25,ghost,,15.0,3,0
+"['Pressure', 'Frisk']",0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,70,6400,35,455,90,Beckon Pokémon,130,800000,1.6,40,Samayouruサマヨール,Dusclops,50,356,60,130,25,ghost,,30.6,3,0
+"['Chlorophyll', 'Solar Power', 'Harvest']",1,1,1,1,1,0.5,2,2,1,0.25,0,4,1,2,1,2,1,0.5,68,6400,70,460,200,Fruit Pokémon,83,1250000,2.0,99,Tropiusトロピウス,Tropius,50,357,72,87,51,grass,flying,100.0,3,0
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,50,6400,70,455,45,Wind Chime Pokémon,80,800000,0.6,75,Chireanチリーン,Chimecho,50,358,95,90,65,psychic,,1.0,3,0
+"['Pressure', 'Super Luck', 'Justified']",2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,150,6400,35,565,30,Disaster Pokémon,60,1059860,1.2,65,Absolアブソル,Absol,50,359,115,60,115,dark,,47.0,3,0
+"['Shadow Tag', 'Telepathy']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,23,5120,70,260,125,Bright Pokémon,48,1000000,0.6,95,Sohnanoソーナノ,Wynaut,50,360,23,48,23,psychic,,14.0,3,0
+"['Inner Focus', 'Ice Body', 'Moody']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,50,5120,70,300,190,Snow Hat Pokémon,50,1000000,0.7,50,Yukiwarashiユキワラシ,Snorunt,50,361,50,50,50,ice,,16.8,3,0
+"['Inner Focus', 'Ice Body', 'Moody']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,120,5120,70,580,75,Face Pokémon,80,1000000,1.5,80,Onigohriオニゴーリ,Glalie,50,362,120,80,100,ice,,256.5,3,0
+"['Thick Fat', 'Ice Body', 'Oblivious']",1,1,1,2,1,2,1,1,1,2,1,0.25,1,1,1,2,1,0.5,40,5120,70,290,255,Clap Pokémon,50,1059860,0.8,70,Tamazarashiタマザラシ,Spheal,50,363,55,50,25,ice,water,39.5,3,0
+"['Thick Fat', 'Ice Body', 'Oblivious']",1,1,1,2,1,2,1,1,1,2,1,0.25,1,1,1,2,1,0.5,60,5120,70,410,120,Ball Roll Pokémon,70,1059860,1.1,90,Todogglerトドグラー,Sealeo,50,364,75,70,45,ice,water,87.6,3,0
+"['Thick Fat', 'Ice Body', 'Oblivious']",1,1,1,2,1,2,1,1,1,2,1,0.25,1,1,1,2,1,0.5,80,5120,70,530,45,Ice Break Pokémon,90,1059860,1.4,110,Todoserugaトドゼルガ,Walrein,50,365,95,90,65,ice,water,150.6,3,0
+"['Shell Armor', 'Rattled']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,64,5120,70,345,255,Bivalve Pokémon,85,600000,0.4,35,Pearluluパールル,Clamperl,50,366,74,55,32,water,,52.5,3,0
+"['Swift Swim', 'Water Veil']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,104,5120,70,485,60,Deep Sea Pokémon,105,600000,1.7,55,Huntailハンテール,Huntail,50,367,94,75,52,water,,27.0,3,0
+"['Swift Swim', 'Hydration']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,84,5120,70,485,60,South Sea Pokémon,105,600000,1.8,55,Sakurabyssサクラビス,Gorebyss,50,368,114,75,52,water,,22.6,3,0
+"['Swift Swim', 'Rock Head', 'Sturdy']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,90,10240,70,485,25,Longevity Pokémon,130,1250000,1.0,100,Glanthジーランス,Relicanth,88.1,369,45,65,55,water,rock,23.4,3,0
+"['Swift Swim', 'Hydration']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,30,5120,70,330,225,Rendezvous Pokémon,55,800000,0.6,43,Lovecusラブカス,Luvdisc,24.6,370,40,65,97,water,,8.7,3,0
+"['Rock Head', 'Sheer Force']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,75,10240,35,300,45,Rock Head Pokémon,60,1250000,0.6,45,Tatsubayタツベイ,Bagon,50,371,40,30,50,dragon,,42.1,3,0
+"['Rock Head', 'Overcoat']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,95,10240,35,420,45,Endurance Pokémon,100,1250000,1.1,65,Komoruuコモルー,Shelgon,50,372,60,50,50,dragon,,110.5,3,0
+"['Intimidate', 'Moxie']",0.5,1,2,1,2,0.5,0.5,1,1,0.25,0,4,1,1,1,2,1,0.5,145,10240,35,700,45,Dragon Pokémon,130,1250000,1.5,95,Bohmanderボーマンダ,Salamence,50,373,120,90,120,dragon,flying,102.6,3,0
+"['Clear Body', 'Light Metal']",1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,55,10240,35,300,3,Iron Ball Pokémon,80,1250000,0.6,40,Dumbberダンバル,Beldum,,374,35,60,30,steel,psychic,95.2,3,0
+"['Clear Body', 'Light Metal']",1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,75,10240,35,420,3,Iron Claw Pokémon,100,1250000,1.2,60,Metangメタング,Metang,,375,55,80,50,steel,psychic,202.5,3,0
+"['Clear Body', 'Light Metal']",1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,145,10240,35,700,3,Iron Leg Pokémon,150,1250000,1.6,80,Metagrossメタグロス,Metagross,,376,105,110,110,steel,psychic,550.0,3,0
+"['Clear Body', 'Sturdy']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,100,20480,35,580,3,Rock Peak Pokémon,200,1250000,1.7,80,Regirockレジロック,Regirock,,377,50,100,50,rock,,230.0,3,1
+"['Clear Body', 'Ice Body']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,50,20480,35,580,3,Iceberg Pokémon,100,1250000,1.8,80,Regiceレジアイス,Regice,,378,100,200,50,ice,,175.0,3,1
+"['Clear Body', 'Light Metal']",0.5,1,0.5,1,0.5,2,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,0.5,1,75,20480,35,580,3,Iron Pokémon,150,1250000,1.9,80,Registeelレジスチル,Registeel,,379,75,150,50,steel,,205.0,3,1
+['Levitate'],2,2,2,0.5,2,0.5,0.5,1,2,0.5,1,2,1,1,0.5,1,1,0.5,100,30720,90,700,3,Eon Pokémon,120,1250000,1.4,80,Latiasラティアス,Latias,0,380,140,150,110,dragon,psychic,40.0,3,1
+['Levitate'],2,2,2,0.5,2,0.5,0.5,1,2,0.5,1,2,1,1,0.5,1,1,0.5,130,30720,90,700,3,Eon Pokémon,100,1250000,2.0,80,Latiosラティオス,Latios,100,381,160,120,110,dragon,psychic,60.0,3,1
+['Drizzle'],1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,150,30720,0,770,3,Sea Basin Pokémon,90,1250000,4.5,100,Kyogreカイオーガ,Kyogre,,382,180,160,90,water,,352.0,3,1
+['Drought'],1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,180,30720,0,770,3,Continent Pokémon,160,1250000,3.5,100,Groudonグラードン,Groudon,,383,150,90,90,ground,,950.0,3,1
+['Air Lock'],0.5,1,2,1,2,0.5,0.5,1,1,0.25,0,4,1,1,1,2,1,0.5,180,30720,0,780,45,Sky High Pokémon,100,1250000,7.0,105,Rayquazaレックウザ,Rayquaza,,384,180,100,115,dragon,flying,206.5,3,1
+['Serene Grace'],1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,100,30720,100,600,3,Wish Pokémon,100,1250000,0.3,100,Jirachiジラーチ,Jirachi,,385,100,100,100,steel,psychic,1.1,3,1
+['Pressure'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,95,30720,0,600,3,DNA Pokémon,90,1250000,1.7,50,Deoxysデオキシス,Deoxys,,386,95,90,180,psychic,,60.8,3,1
+"['Overgrow', 'Shell Armor']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,68,5120,70,318,45,Tiny Leaf Pokémon,64,1059860,0.4,55,Naetleナエトル,Turtwig,88.1,387,45,55,31,grass,,10.2,4,0
+"['Overgrow', 'Shell Armor']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,89,5120,70,405,45,Grove Pokémon,85,1059860,1.1,75,Hayashigameハヤシガメ,Grotle,88.1,388,55,65,36,grass,,97.0,4,0
+"['Overgrow', 'Shell Armor']",2,1,1,0,1,1,2,2,1,1,0.5,4,1,1,1,0.5,1,1,109,5120,70,525,45,Continent Pokémon,105,1059860,2.2,95,Dodaitoseドダイトス,Torterra,88.1,389,75,85,56,grass,ground,310.0,4,0
+"['Blaze', 'Iron Fist']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,58,5120,70,309,45,Chimp Pokémon,44,1059860,0.5,44,Hikozaruヒコザル,Chimchar,88.1,390,58,44,61,fire,,6.2,4,0
+"['Blaze', 'Iron Fist']",0.25,0.5,1,1,1,1,0.5,2,1,0.5,2,0.5,1,1,2,1,0.5,2,78,5120,70,405,45,Playful Pokémon,52,1059860,0.9,64,Moukazaruモウカザル,Monferno,88.1,391,78,52,81,fire,fighting,22.0,4,0
+"['Blaze', 'Iron Fist']",0.25,0.5,1,1,1,1,0.5,2,1,0.5,2,0.5,1,1,2,1,0.5,2,104,5120,70,534,45,Flame Pokémon,71,1059860,1.2,76,Goukazaruゴウカザル,Infernape,88.1,392,104,71,108,fire,fighting,55.0,4,0
+"['Torrent', 'Defiant']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,51,5120,70,314,45,Penguin Pokémon,53,1059860,0.4,53,Pochamaポッチャマ,Piplup,88.1,393,61,56,40,water,,5.2,4,0
+"['Torrent', 'Defiant']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,66,5120,70,405,45,Penguin Pokémon,68,1059860,0.8,64,Pottaishiポッタイシ,Prinplup,88.1,394,81,76,50,water,,23.0,4,0
+"['Torrent', 'Defiant']",0.5,1,0.5,2,0.5,2,1,0.5,1,1,2,0.25,0.5,0,0.5,0.5,0.25,0.5,86,5120,70,530,45,Emperor Pokémon,88,1059860,1.7,84,Emperteエンペルト,Empoleon,88.1,395,111,101,60,water,steel,84.5,4,0
+"['Keen Eye', 'Reckless']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,55,3840,70,245,255,Starling Pokémon,30,1059860,0.3,40,Mukkuruムックル,Starly,50,396,30,30,60,normal,flying,2.0,4,0
+"['Intimidate', 'Reckless']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,75,3840,70,340,120,Starling Pokémon,50,1059860,0.6,55,Mukubirdムクバード,Staravia,50,397,40,40,80,normal,flying,15.5,4,0
+"['Intimidate', 'Reckless']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,120,3840,70,485,45,Predator Pokémon,70,1059860,1.2,85,Mukuhawkムクホーク,Staraptor,50,398,50,60,100,normal,flying,24.9,4,0
+"['Simple', 'Unaware', 'Moody']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,45,3840,70,250,255,Plump Mouse Pokémon,40,1000000,0.5,59,Bippaビッパ,Bidoof,50,399,35,40,31,normal,,20.0,4,0
+"['Simple', 'Unaware', 'Moody']",1,1,1,2,1,2,0.5,1,0,2,1,0.5,1,1,1,1,0.5,0.5,85,3840,70,410,127,Beaver Pokémon,60,1000000,1.0,79,Beadaruビーダル,Bibarel,50,400,55,60,71,normal,water,31.5,4,0
+"['Shed Skin', 'Run Away']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,25,3840,70,194,255,Cricket Pokémon,41,1059860,0.3,37,Korobohshiコロボーシ,Kricketot,50,401,25,41,25,bug,,2.2,4,0
+"['Swarm', 'Technician']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,85,3840,70,384,45,Cricket Pokémon,51,1059860,1.0,77,Korotockコロトック,Kricketune,50,402,55,51,65,bug,,25.5,4,0
+"['Rivalry', 'Intimidate', 'Guts']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,65,5120,70,263,235,Flash Pokémon,34,1059860,0.5,45,Kolinkコリンク,Shinx,50,403,40,34,45,electric,,9.5,4,0
+"['Rivalry', 'Intimidate', 'Guts']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,85,5120,100,363,120,Spark Pokémon,49,1059860,0.9,60,Luxioルクシオ,Luxio,50,404,60,49,60,electric,,30.5,4,0
+"['Rivalry', 'Intimidate', 'Guts']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,120,5120,70,523,45,Gleam Eyes Pokémon,79,1059860,1.4,80,Rentorarレントラー,Luxray,50,405,95,79,70,electric,,42.0,4,0
+"['Natural Cure', 'Poison Point', 'Leaf Guard']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,30,5120,70,280,255,Bud Pokémon,35,1059860,0.2,40,Subomieスボミー,Budew,50,406,50,70,55,grass,poison,1.2,4,0
+"['Natural Cure', 'Poison Point', 'Technician']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,70,5120,70,515,75,Bouquet Pokémon,65,1059860,0.9,60,Roseradeロズレイド,Roserade,50,407,125,105,90,grass,poison,14.5,4,0
+"['Mold Breaker', 'Sheer Force']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,125,7680,70,350,45,Head Butt Pokémon,40,600000,0.9,67,Zugaidosズガイドス,Cranidos,88.1,408,30,30,58,rock,,31.5,4,0
+"['Mold Breaker', 'Sheer Force']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,165,7680,70,495,45,Head Butt Pokémon,60,600000,1.6,97,Rampaldラムパルド,Rampardos,88.1,409,65,50,58,rock,,102.5,4,0
+"['Sturdy', 'Soundproof']",0.5,1,0.5,1,0.5,4,1,0.25,1,1,4,0.5,0.25,0,0.5,0.5,1,2,42,7680,70,350,45,Shield Pokémon,118,600000,0.5,30,Tatetopsタテトプス,Shieldon,88.1,410,42,88,30,rock,steel,57.0,4,0
+"['Sturdy', 'Soundproof']",0.5,1,0.5,1,0.5,4,1,0.25,1,1,4,0.5,0.25,0,0.5,0.5,1,2,52,7680,70,495,45,Shield Pokémon,168,600000,1.3,60,Toridepsトリデプス,Bastiodon,88.1,411,47,138,30,rock,steel,149.5,4,0
+"['Shed Skin', 'Overcoat']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,29,3840,70,224,120,Bagworm Pokémon,45,1000000,0.2,40,Minomucchiミノムッチ,Burmy,50,412,29,45,36,bug,,3.4,4,0
+"['Anticipation', 'Overcoat']",2,1,1,0.5,1,0.5,4,4,1,0.25,0.25,2,1,2,1,2,1,0.5,69,3840,70,424,45,Bagworm Pokémon,95,1000000,0.5,60,Minomadam (kusaki No Mino)ミノマダム,Wormadam,0,413,69,95,36,bug,grass,6.5,4,0
+"['Swarm', 'Tinted Lens']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,94,3840,70,424,45,Moth Pokémon,50,1000000,0.9,70,Gamaleガーメイル,Mothim,100,414,94,50,66,bug,flying,23.3,4,0
+"['Honey Gather', 'Hustle']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,30,3840,70,244,120,Tiny Bee Pokémon,42,1059860,0.3,30,Mitsuhoneyミツハニー,Combee,88.1,415,30,42,70,bug,flying,5.5,4,0
+"['Pressure', 'Unnerve']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,80,3840,70,474,45,Beehive Pokémon,102,1059860,1.2,70,Beequenビークイン,Vespiquen,0,416,80,102,40,bug,flying,38.5,4,0
+"['Run Away', 'Pickup', 'Volt Absorb']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,45,2560,100,405,200,EleSquirrel Pokémon,70,1000000,0.4,60,Pachirisuパチリス,Pachirisu,50,417,45,90,95,electric,,3.9,4,0
+"['Swift Swim', 'Water Veil']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,65,5120,70,330,190,Sea Weasel Pokémon,35,1000000,0.7,55,Buoyselブイゼル,Buizel,50,418,60,30,85,water,,29.5,4,0
+"['Swift Swim', 'Water Veil']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,105,5120,70,495,75,Sea Weasel Pokémon,55,1000000,1.1,85,Floazelフローゼル,Floatzel,50,419,85,50,115,water,,33.5,4,0
+['Chlorophyll'],2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,35,5120,70,275,190,Cherry Pokémon,45,1000000,0.4,45,Cherinboチェリンボ,Cherubi,50,420,62,53,35,grass,,3.3,4,0
+['Flower Gift'],2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,60,5120,70,450,75,Blossom Pokémon,70,1000000,0.5,70,Cherrimチェリム,Cherrim,50,421,87,78,85,grass,,9.3,4,0
+"['Sticky Hold', 'Storm Drain', 'Sand Force']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,48,5120,70,325,190,Sea Slug Pokémon,48,1000000,0.3,76,Karanakushiカラナクシ,Shellos,50,422,57,62,34,water,,6.3,4,0
+"['Sticky Hold', 'Storm Drain', 'Sand Force']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,83,5120,70,475,75,Sea Slug Pokémon,68,1000000,0.9,111,Tritodonトリトドン,Gastrodon,50,423,92,82,39,water,ground,29.9,4,0
+"['Technician', 'Pickup', 'Skill Link']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,100,5120,100,482,45,Long Tail Pokémon,66,800000,1.2,75,Etebothエテボース,Ambipom,50,424,60,66,115,normal,,20.3,4,0
+"['Aftermath', 'Unburden', 'Flare Boost']",0.25,2,1,2,1,0,1,1,2,0.5,0,2,0,0.5,1,2,1,1,50,7680,70,348,125,Balloon Pokémon,34,1640000,0.4,90,Fuwanteフワンテ,Drifloon,50,425,60,44,70,ghost,flying,1.2,4,0
+"['Aftermath', 'Unburden', 'Flare Boost']",0.25,2,1,2,1,0,1,1,2,0.5,0,2,0,0.5,1,2,1,1,80,7680,70,498,60,Blimp Pokémon,44,1640000,1.2,150,Fuwarideフワライド,Drifblim,50,426,90,54,80,ghost,flying,15.0,4,0
+"['Run Away', 'Klutz', 'Limber']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,66,5120,0,350,190,Rabbit Pokémon,44,1000000,0.4,55,Mimirolミミロル,Buneary,50,427,44,56,85,normal,,5.5,4,0
+"['Cute Charm', 'Klutz', 'Limber']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,136,5120,140,580,60,Rabbit Pokémon,94,1000000,1.2,65,Mimilopミミロップ,Lopunny,50,428,54,96,135,normal,,33.3,4,0
+['Levitate'],0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,60,6400,35,495,45,Magical Pokémon,60,800000,0.9,60,Mumargiムウマージ,Mismagius,50,429,105,105,105,ghost,,4.4,4,0
+"['Insomnia', 'Super Luck', 'Moxie']",1,0.5,1,2,2,1,1,1,0.5,0.5,0,2,1,1,0,2,1,1,125,5120,35,505,30,Big Boss Pokémon,52,1059860,0.9,100,Dongkarasuドンカラス,Honchkrow,50,430,105,52,71,dark,flying,27.3,4,0
+"['Limber', 'Own Tempo', 'Keen Eye']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,55,5120,70,310,190,Catty Pokémon,42,800000,0.5,49,Nyarmarニャルマー,Glameow,24.6,431,42,37,85,normal,,3.9,4,0
+"['Thick Fat', 'Own Tempo', 'Defiant']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,82,5120,70,452,75,Tiger Cat Pokémon,64,800000,1.0,71,Bunyattoブニャット,Purugly,24.6,432,64,59,112,normal,,43.8,4,0
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,30,6400,70,285,120,Bell Pokémon,50,800000,0.2,45,Lisyanリーシャン,Chingling,50,433,65,50,45,psychic,,0.6,4,0
+"['Stench', 'Aftermath', 'Keen Eye']",1,0.5,1,1,1,1,1,1,0.5,0.5,2,1,1,0.5,0,1,1,1,63,5120,70,329,225,Skunk Pokémon,47,1000000,0.4,63,Skunpuuスカンプー,Stunky,50,434,41,41,74,poison,dark,19.2,4,0
+"['Stench', 'Aftermath', 'Keen Eye']",1,0.5,1,1,1,1,1,1,0.5,0.5,2,1,1,0.5,0,1,1,1,93,5120,70,479,60,Skunk Pokémon,67,1000000,1.0,103,Skutankスカタンク,Skuntank,50,435,71,61,84,poison,dark,38.0,4,0
+"['Levitate', 'Heatproof', 'Heavy Metal']",1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,24,5120,70,300,255,Bronze Pokémon,86,1000000,0.5,57,Dohmirrorドーミラー,Bronzor,,436,24,86,23,steel,psychic,60.5,4,0
+"['Levitate', 'Heatproof', 'Heavy Metal']",1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,89,5120,70,500,90,Bronze Bell Pokémon,116,1000000,1.3,67,Dohtakunドータクン,Bronzong,,437,79,116,33,steel,psychic,187.0,4,0
+"['Sturdy', 'Rock Head', 'Rattled']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,80,5120,70,290,255,Bonsai Pokémon,95,1000000,0.5,50,Usohachiウソハチ,Bonsly,50,438,10,45,10,rock,,15.0,4,0
+"['Soundproof', 'Filter', 'Technician']",1,1,0,1,1,0.25,1,1,2,1,1,1,1,2,0.5,1,2,1,25,6400,70,310,145,Mime Pokémon,45,1000000,0.6,20,Maneneマネネ,Mime Jr.,50,439,70,90,60,psychic,fairy,13.0,4,0
+"['Natural Cure', 'Serene Grace', 'Friend Guard']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,5,10240,140,220,130,Playhouse Pokémon,5,800000,0.6,100,Pinpukuピンプク,Happiny,0,440,15,65,30,normal,,24.4,4,0
+"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,65,5120,35,411,30,Music Note Pokémon,45,1059860,0.5,76,Perapペラップ,Chatot,50,441,92,42,91,normal,flying,1.9,4,0
+"['Pressure', 'Infiltrator']",1,1,1,1,2,0,1,1,1,1,1,1,0,0.5,0,1,1,1,92,7680,70,485,100,Forbidden Pokémon,108,1000000,1.0,50,Mikarugeミカルゲ,Spiritomb,50,442,92,108,35,ghost,dark,108.0,4,0
+"['Sand Veil', 'Rough Skin']",1,1,2,0,2,1,0.5,1,1,1,1,4,1,0.5,1,0.5,1,1,70,10240,70,300,45,Land Shark Pokémon,45,1250000,0.7,58,Fukamaruフカマル,Gible,50,443,40,45,42,dragon,ground,20.5,4,0
+"['Sand Veil', 'Rough Skin']",1,1,2,0,2,1,0.5,1,1,1,1,4,1,0.5,1,0.5,1,1,90,10240,70,410,45,Cave Pokémon,65,1250000,1.4,68,Gabiteガバイト,Gabite,50,444,50,55,82,dragon,ground,56.0,4,0
+"['Sand Veil', 'Rough Skin']",1,1,2,0,2,1,0.5,1,1,1,1,4,1,0.5,1,0.5,1,1,170,10240,70,700,45,Mach Pokémon,115,1250000,1.9,108,Gaburiasガブリアス,Garchomp,50,445,120,95,92,dragon,ground,95.0,4,0
+"['Pickup', 'Thick Fat', 'Gluttony']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,85,10240,70,390,50,Big Eater Pokémon,40,1250000,0.6,135,Gonbeゴンベ,Munchlax,88.1,446,40,85,5,normal,,105.0,4,0
+"['Steadfast', 'Inner Focus', 'Prankster']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,70,6400,70,285,75,Emanation Pokémon,40,1059860,0.7,40,Rioluリオル,Riolu,88.1,447,35,40,60,fighting,,20.2,4,0
+"['Steadfast', 'Inner Focus', 'Justified']",0.25,0.5,0.5,1,1,2,2,1,1,0.5,2,0.5,0.5,0,1,0.25,0.5,1,145,6400,70,625,45,Aura Pokémon,88,1059860,1.2,70,Lucarioルカリオ,Lucario,88.1,448,140,70,112,fighting,steel,54.0,4,0
+"['Sand Stream', 'Sand Force']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,72,7680,70,330,140,Hippo Pokémon,78,1250000,0.8,68,Hippopotasヒポポタス,Hippopotas,50,449,38,42,32,ground,,49.5,4,0
+"['Sand Stream', 'Sand Force']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,112,7680,70,525,60,Heavyweight Pokémon,118,1250000,2.0,108,Kabaldonカバルドン,Hippowdon,50,450,68,72,47,ground,,300.0,4,0
+"['Battle Armor', 'Sniper', 'Keen Eye']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,50,5120,70,330,120,Scorpion Pokémon,90,1250000,0.8,40,Scorupiスコルピ,Skorupi,50,451,30,55,65,poison,bug,12.0,4,0
+"['Battle Armor', 'Sniper', 'Keen Eye']",1,0.5,1,1,1,1,1,1,0.5,0.5,2,1,1,0.5,0,1,1,1,90,5120,70,500,45,Ogre Scorp Pokémon,110,1250000,1.3,70,Dorapionドラピオン,Drapion,50,452,60,75,95,poison,dark,61.5,4,0
+"['Anticipation', 'Dry Skin', 'Poison Touch']",0.25,0.5,1,1,1,0.5,1,2,1,0.5,2,1,1,0.5,4,0.5,1,1,61,2560,100,300,140,Toxic Mouth Pokémon,40,1000000,0.7,48,Gureggruグレッグル,Croagunk,50,453,61,40,50,poison,fighting,23.0,4,0
+"['Anticipation', 'Dry Skin', 'Poison Touch']",0.25,0.5,1,1,1,0.5,1,2,1,0.5,2,1,1,0.5,4,0.5,1,1,106,5120,70,490,75,Toxic Mouth Pokémon,65,1000000,1.3,83,Dokurogドクロッグ,Toxicroak,50,454,86,65,85,poison,fighting,44.4,4,0
+['Levitate'],2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,100,6400,70,454,200,Bug Catcher Pokémon,72,1250000,1.4,74,Muskippaマスキッパ,Carnivine,50,455,90,72,46,grass,,27.0,4,0
+"['Swift Swim', 'Storm Drain', 'Water Veil']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,49,5120,70,330,190,Wing Fish Pokémon,56,600000,0.4,49,Keikouoケイコウオ,Finneon,50,456,49,61,66,water,,7.0,4,0
+"['Swift Swim', 'Storm Drain', 'Water Veil']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,69,5120,70,460,75,Neon Pokémon,76,600000,1.2,69,Neolantネオラント,Lumineon,50,457,69,86,91,water,,24.0,4,0
+"['Swift Swim', 'Water Absorb', 'Water Veil']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,20,6400,70,345,25,Kite Pokémon,50,1250000,1.0,45,Tamantaタマンタ,Mantyke,50,458,60,120,50,water,flying,65.0,4,0
+"['Snow Warning', 'Soundproof']",2,1,1,0.5,1,2,4,2,1,0.5,0.5,1,1,2,1,2,2,0.5,62,5120,70,334,120,Frosted Tree Pokémon,50,1250000,1.0,60,Yukikaburiユキカブリ,Snover,50,459,62,60,40,grass,ice,50.5,4,0
+"['Snow Warning', 'Soundproof']",2,1,1,0.5,1,2,4,2,1,0.5,0.5,1,1,2,1,2,2,0.5,132,5120,70,594,60,Frosted Tree Pokémon,105,1250000,2.2,90,Yukinoohユキノオー,Abomasnow,50,460,132,105,30,grass,ice,135.5,4,0
+"['Pressure', 'Pickpocket']",2,0.5,1,1,2,4,2,1,0.5,1,1,0.5,1,1,0,2,2,1,120,5120,35,510,45,Sharp Claw Pokémon,65,1059860,1.1,70,Manyulaマニューラ,Weavile,50,461,45,85,125,dark,ice,34.0,4,0
+"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1,0.5,0.5,0.5,2,2,0.25,1,0.5,4,0.5,0.5,0,0.5,0.5,0.25,1,70,5120,70,535,30,Magnet Area Pokémon,115,1000000,1.2,70,Jibacoilジバコイル,Magnezone,,462,130,90,60,electric,steel,180.0,4,0
+"['Own Tempo', 'Oblivious', 'Cloud Nine']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,85,5120,70,515,30,Licking Pokémon,95,1000000,1.7,110,Berobeltベロベルト,Lickilicky,50,463,80,95,50,normal,,140.0,4,0
+"['Lightningrod', 'Solid Rock', 'Reckless']",1,1,1,0,1,2,0.5,0.5,1,4,2,2,0.5,0.25,1,0.5,2,4,140,5120,70,535,30,Drill Pokémon,130,1250000,2.4,115,Dosidonドサイドン,Rhyperior,50,464,55,55,40,ground,rock,282.8,4,0
+"['Chlorophyll', 'Leaf Guard', 'Regenerator']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,100,5120,70,535,30,Vine Pokémon,125,1000000,2.0,100,Mojumboモジャンボ,Tangrowth,50,465,110,50,50,grass,,128.6,4,0
+"['Motor Drive', 'Vital Spirit']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,123,6400,70,540,30,Thunderbolt Pokémon,67,1000000,1.8,75,Elekibleエレキブル,Electivire,75.4,466,95,85,95,electric,,138.6,4,0
+"['Flame Body', 'Vital Spirit']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,95,6400,70,540,30,Blast Pokémon,67,1000000,1.6,75,Booburnブーバーン,Magmortar,75.4,467,125,95,83,fire,,68.0,4,0
+"['Hustle', 'Serene Grace', 'Super Luck']",0.25,0.5,0,2,1,0.25,1,1,1,0.5,0,2,1,2,1,2,2,1,50,2560,70,545,30,Jubilee Pokémon,95,800000,1.5,85,Togekissトゲキッス,Togekiss,88.1,468,120,115,80,fairy,flying,38.0,4,0
+"['Speed Boost', 'Tinted Lens', 'Frisk']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,76,5120,70,515,30,Ogre Darner Pokémon,86,1000000,1.9,86,Megayanmaメガヤンマ,Yanmega,50,469,116,56,95,bug,flying,51.5,4,0
+"['Leaf Guard', 'Chlorophyll']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,110,8960,35,525,45,Verdant Pokémon,130,1000000,1.0,65,Leafiaリーフィア,Leafeon,88.1,470,60,65,95,grass,,25.5,4,0
+"['Snow Cloak', 'Ice Body']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,60,8960,35,525,45,Fresh Snow Pokémon,110,1000000,0.8,65,Glaciaグレイシア,Glaceon,88.1,471,130,95,65,ice,,25.9,4,0
+"['Hyper Cutter', 'Sand Veil', 'Poison Heal']",0.5,1,1,0,1,0.5,1,1,1,1,0,4,1,0.5,1,1,1,2,95,5120,70,510,30,Fang Scorp Pokémon,125,1059860,2.0,75,Glionグライオン,Gliscor,50,472,45,75,95,ground,flying,42.5,4,0
+"['Oblivious', 'Snow Cloak', 'Thick Fat']",1,1,1,0,1,2,2,1,1,2,1,1,1,0.5,1,1,2,2,130,5120,70,530,50,Twin Tusk Pokémon,80,1250000,2.5,110,Mammooマンムー,Mamoswine,50,473,70,60,80,ice,ground,291.0,4,0
+"['Adaptability', 'Download', 'Analytic']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,5120,70,535,30,Virtual Pokémon,70,1000000,0.9,85,Porygon-zポリゴンZ,Porygon-Z,,474,135,75,90,normal,,34.0,4,0
+"['Steadfast', 'Justified']",1,1,1,1,2,0.5,1,2,2,1,1,1,1,1,1,0.5,1,1,165,5120,35,618,45,Blade Pokémon,95,1250000,1.6,68,Erureidoエルレイド,Gallade,100,475,65,115,110,psychic,fighting,52.0,4,0
+"['Sturdy', 'Magnet Pull', 'Sand Force']",0.5,1,0.5,1,0.5,4,1,0.25,1,1,4,0.5,0.25,0,0.5,0.5,1,2,55,5120,70,525,60,Compass Pokémon,145,1000000,1.4,60,Dainoseダイノーズ,Probopass,50,476,75,150,40,rock,steel,340.0,4,0
+"['Pressure', 'Frisk']",0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,100,6400,35,525,45,Gripper Pokémon,135,800000,2.2,45,Yonoirヨノワール,Dusknoir,50,477,65,135,45,ghost,,106.6,4,0
+"['Snow Cloak', 'Cursed Body']",0.5,2,1,1,1,0,2,1,2,1,1,0.5,0,0.5,1,2,2,1,80,5120,70,480,75,Snow Land Pokémon,70,1000000,1.3,70,Yukimenokoユキメノコ,Froslass,0,478,80,70,110,ice,ghost,26.6,4,0
+['Levitate'],0.5,2,1,0.5,1,0,1,0.5,2,1,2,1,0,0.5,1,1,0.5,1,65,5120,70,520,45,Plasma Pokémon,107,1000000,0.3,50,Rotomロトム,Rotom,,479,105,107,86,electric,ghost,0.3,4,0
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,75,20480,140,580,3,Knowledge Pokémon,130,1250000,0.3,75,Yuxieユクシー,Uxie,,480,75,130,95,psychic,,0.3,4,1
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,105,20480,140,580,3,Emotion Pokémon,105,1250000,0.3,80,Emritエムリット,Mesprit,,481,105,105,80,psychic,,0.3,4,1
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,125,20480,140,580,3,Willpower Pokémon,70,1250000,0.3,75,Agnomeアグノム,Azelf,,482,125,70,115,psychic,,0.3,4,1
+"['Pressure', 'Telepathy']",0.5,1,1,0.5,1,2,1,0.5,1,0.25,2,1,0.5,0,0.5,0.5,0.5,0.5,120,30720,0,680,3,Temporal Pokémon,120,1250000,5.4,100,Dialgaディアルガ,Dialga,,483,150,100,90,steel,dragon,683.0,4,1
+"['Pressure', 'Telepathy']",1,1,2,1,2,1,0.25,1,1,1,1,1,1,1,1,1,0.5,0.25,120,30720,0,680,3,Spatial Pokémon,100,1250000,4.2,90,Palkiaパルキア,Palkia,,484,150,120,100,water,dragon,336.0,4,1
+"['Flash Fire', 'Flame Body']",0.25,1,0.5,1,0.25,2,1,0.5,1,0.25,4,0.25,0.5,0,0.5,1,0.25,2,90,2560,100,600,3,Lava Dome Pokémon,106,1250000,1.7,91,Heatranヒードラン,Heatran,50,485,130,106,77,fire,steel,430.0,4,1
+['Slow Start'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,160,30720,0,670,3,Colossal Pokémon,110,1250000,3.7,110,Regigigasレジギガス,Regigigas,,486,80,110,100,normal,,420.0,4,1
+"['Pressure', 'Telepathy', 'Levitate']",0.5,2,2,0.5,2,0,0.5,1,2,0.5,1,2,0,0.5,1,1,1,0.5,120,30720,0,680,3,Renegade Pokémon,100,1250000,4.5,150,Giratina (another Forme)ギラティナ,Giratina,,487,120,100,90,ghost,dragon,750.0,4,1
+['Levitate'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,70,30720,100,600,3,Lunar Pokémon,120,1250000,1.5,120,Cresseliaクレセリア,Cresselia,0,488,75,130,85,psychic,,85.6,4,1
+['Hydration'],1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,80,10240,70,480,30,Sea Drifter Pokémon,80,1250000,0.4,80,Phioneフィオネ,Phione,,489,80,80,80,water,,3.1,4,0
+['Hydration'],1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,100,2560,70,600,3,Seafaring Pokémon,100,1250000,0.3,100,Manaphyマナフィ,Manaphy,,490,100,100,100,water,,1.4,4,1
+['Bad Dreams'],2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,90,30720,0,600,3,Pitch-Black Pokémon,90,1250000,1.5,70,Darkraiダークライ,Darkrai,,491,135,90,125,dark,,50.5,4,1
+"['Natural Cure', 'Serene Grace']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,103,30720,100,600,45,Gratitude Pokémon,75,1059860,0.2,100,Shaymin (sky Forme)シェイミ,Shaymin,,492,120,75,127,grass,grass,2.1,4,1
+['Multitype'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,120,30720,0,720,3,Alpha Pokémon,120,1250000,3.2,120,Arceusアルセウス,Arceus,,493,120,120,120,normal,,320.0,4,1
+['Victory Star'],1,2,1,1,0.5,0.5,0.5,1,2,0.5,2,0.5,1,1,0.5,2,0.5,2,100,30720,100,600,3,Victory Pokémon,100,1250000,0.4,100,Victiniビクティニ,Victini,,494,100,100,100,psychic,fire,4.0,5,1
+"['Overgrow', 'Contrary']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,45,5120,70,308,45,Grass Snake Pokémon,55,1059860,0.6,45,Tsutarjaツタージャ,Snivy,88.1,495,45,55,63,grass,,8.1,5,0
+"['Overgrow', 'Contrary']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,60,5120,70,413,45,Grass Snake Pokémon,75,1059860,0.8,60,Janovyジャノビー,Servine,88.1,496,60,75,83,grass,,16.0,5,0
+"['Overgrow', 'Contrary']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,75,5120,70,528,45,Regal Pokémon,95,1059860,3.3,75,Jalordaジャローダ,Serperior,88.1,497,75,95,113,grass,,63.0,5,0
+"['Blaze', 'Thick Fat']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,63,5120,70,308,45,Fire Pig Pokémon,45,1059860,0.5,65,Pokabuポカブ,Tepig,88.1,498,45,45,45,fire,,9.9,5,0
+"['Blaze', 'Thick Fat']",0.25,0.5,1,1,1,1,0.5,2,1,0.5,2,0.5,1,1,2,1,0.5,2,93,5120,70,418,45,Fire Pig Pokémon,55,1059860,1.0,90,Chaobooチャオブー,Pignite,88.1,499,70,55,55,fire,fighting,55.5,5,0
+"['Blaze', 'Reckless']",0.25,0.5,1,1,1,1,0.5,2,1,0.5,2,0.5,1,1,2,1,0.5,2,123,5120,70,528,45,Mega Fire Pig Pokémon,65,1059860,1.6,110,Enbuohエンブオー,Emboar,88.1,500,100,65,65,fire,fighting,150.0,5,0
+"['Torrent', 'Shell Armor']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,55,5120,70,308,45,Sea Otter Pokémon,45,1059860,0.5,55,Mijumaruミジュマル,Oshawott,88.1,501,63,45,45,water,,5.9,5,0
+"['Torrent', 'Shell Armor']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,75,5120,70,413,45,Discipline Pokémon,60,1059860,0.8,75,Futachimaruフタチマル,Dewott,88.1,502,83,60,60,water,,24.5,5,0
+"['Torrent', 'Shell Armor']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,100,5120,70,528,45,Formidable Pokémon,85,1059860,1.5,95,Daikenkiダイケンキ,Samurott,88.1,503,108,70,70,water,,94.6,5,0
+"['Run Away', 'Keen Eye', 'Analytic']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,55,3840,70,255,255,Scout Pokémon,39,1000000,0.5,45,Minezumiミネズミ,Patrat,50,504,35,39,42,normal,,11.6,5,0
+"['Illuminate', 'Keen Eye', 'Analytic']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,85,5120,70,420,255,Lookout Pokémon,69,1000000,1.1,60,Miruhogミルホッグ,Watchog,50,505,60,69,77,normal,,27.0,5,0
+"['Vital Spirit', 'Pickup', 'Run Away']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,60,3840,70,275,255,Puppy Pokémon,45,1059860,0.4,45,Yorterrieヨーテリー,Lillipup,50,506,25,45,55,normal,,4.1,5,0
+"['Intimidate', 'Sand Rush', 'Scrappy']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,3840,70,370,120,Loyal Dog Pokémon,65,1059860,0.9,65,Herderrieハーデリア,Herdier,50,507,35,65,60,normal,,14.7,5,0
+"['Intimidate', 'Sand Rush', 'Scrappy']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,110,3840,70,500,45,Big-Hearted Pokémon,90,1059860,1.2,85,Moolandムーランド,Stoutland,50,508,45,90,80,normal,,61.0,5,0
+"['Limber', 'Unburden', 'Prankster']",2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,50,5120,70,281,255,Devious Pokémon,37,1000000,0.4,41,Choronekoチョロネコ,Purrloin,50,509,50,37,66,dark,,10.1,5,0
+"['Limber', 'Unburden', 'Prankster']",2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,88,5120,70,446,90,Cruel Pokémon,50,1000000,1.1,64,Lepardasレパルダス,Liepard,50,510,88,50,106,dark,,37.5,5,0
+"['Gluttony', 'Overgrow']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,53,5120,70,316,190,Grass Monkey Pokémon,48,1000000,0.6,50,Yanappuヤナップ,Pansage,88.1,511,53,48,64,grass,,10.5,5,0
+"['Gluttony', 'Overgrow']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,98,5120,70,498,75,Thorn Monkey Pokémon,63,1000000,1.1,75,Yanakkieヤナッキー,Simisage,88.1,512,98,63,101,grass,,30.5,5,0
+"['Gluttony', 'Blaze']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,53,5120,70,316,190,High Temp Pokémon,48,1000000,0.6,50,Baoppuバオップ,Pansear,88.1,513,53,48,64,fire,,11.0,5,0
+"['Gluttony', 'Blaze']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,98,5120,70,498,75,Ember Pokémon,63,1000000,1.0,75,Baokkieバオッキー,Simisear,88.1,514,98,63,101,fire,,28.0,5,0
+"['Gluttony', 'Torrent']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,53,5120,70,316,190,Spray Pokémon,48,1000000,0.6,50,Hiyappuヒヤップ,Panpour,88.1,515,53,48,64,water,,13.5,5,0
+"['Gluttony', 'Torrent']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,98,5120,70,498,75,Geyser Pokémon,63,1000000,1.0,75,Hiyakkieヒヤッキー,Simipour,88.1,516,98,63,101,water,,29.0,5,0
+"['Forewarn', 'Synchronize', 'Telepathy']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,25,2560,70,292,190,Dream Eater Pokémon,45,800000,0.6,76,Munnaムンナ,Munna,50,517,67,55,24,psychic,,23.3,5,0
+"['Forewarn', 'Synchronize', 'Telepathy']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,55,2560,70,487,75,Drowsing Pokémon,85,800000,1.1,116,Musharnaムシャーナ,Musharna,50,518,107,95,29,psychic,,60.5,5,0
+"['Big Pecks', 'Super Luck', 'Rivalry']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,55,3840,70,264,255,Tiny Pigeon Pokémon,50,1059860,0.3,50,Mamepatoマメパト,Pidove,50,519,36,30,43,normal,flying,2.1,5,0
+"['Big Pecks', 'Super Luck', 'Rivalry']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,77,3840,70,358,120,Wild Pigeon Pokémon,62,1059860,0.6,62,Hatobohハトーボー,Tranquill,50,520,50,42,65,normal,flying,15.0,5,0
+"['Big Pecks', 'Super Luck', 'Rivalry']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,115,3840,70,488,45,Proud Pokémon,80,1059860,1.2,80,Kenhallowケンホロウ,Unfezant,50,521,65,55,93,normal,flying,29.0,5,0
+"['Lightningrod', 'Motor Drive', 'Sap Sipper']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,60,5120,70,295,190,Electrified Pokémon,32,1000000,0.8,45,Shimamaシママ,Blitzle,50,522,50,32,76,electric,,29.8,5,0
+"['Lightningrod', 'Motor Drive', 'Sap Sipper']",1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,100,5120,70,497,75,Thunderbolt Pokémon,63,1000000,1.6,75,Zebraikaゼブライカ,Zebstrika,50,523,80,63,116,electric,,79.5,5,0
+"['Sturdy', 'Weak Armor', 'Sand Force']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,75,3840,70,280,255,Mantle Pokémon,85,1059860,0.4,55,Dangoroダンゴロ,Roggenrola,50,524,25,25,15,rock,,18.0,5,0
+"['Sturdy', 'Weak Armor', 'Sand Force']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,105,3840,70,390,120,Ore Pokémon,105,1059860,0.9,70,Gantleガントル,Boldore,50,525,50,40,20,rock,,102.0,5,0
+"['Sturdy', 'Sand Stream', 'Sand Force']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,135,3840,70,515,45,Compressed Pokémon,130,1059860,1.7,85,Gigaiathギガイアス,Gigalith,50,526,60,80,25,rock,,260.0,5,0
+"['Unaware', 'Klutz', 'Simple']",1,2,1,2,1,0.25,1,1,2,0.5,0,2,1,1,0.5,2,1,1,45,3840,70,323,190,Bat Pokémon,43,1000000,0.4,65,Koromoriコロモリ,Woobat,50,527,55,43,72,psychic,flying,2.1,5,0
+"['Unaware', 'Klutz', 'Simple']",1,2,1,2,1,0.25,1,1,2,0.5,0,2,1,1,0.5,2,1,1,57,3840,70,425,45,Courting Pokémon,55,1000000,0.9,67,Kokoromoriココロモリ,Swoobat,50,528,77,55,114,psychic,flying,10.5,5,0
+"['Sand Rush', 'Sand Force', 'Mold Breaker']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,85,5120,70,328,120,Mole Pokémon,40,1000000,0.3,60,Mogurewモグリュー,Drilbur,50,529,30,45,68,ground,,8.5,5,0
+"['Sand Rush', 'Sand Force', 'Mold Breaker']",0.5,1,0.5,0,0.5,2,2,0.5,1,1,2,1,0.5,0,0.5,0.25,0.5,2,135,5120,70,508,60,Subterrene Pokémon,60,1000000,0.7,110,Doryuzuドリュウズ,Excadrill,50,530,50,65,88,ground,steel,40.4,5,0
+"['Healer', 'Regenerator', 'Klutz']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,60,5120,70,545,255,Hearing Pokémon,126,800000,1.1,103,Tabunneタブンネ,Audino,50,531,80,126,50,normal,,31.0,5,0
+"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,80,5120,70,305,180,Muscular Pokémon,55,1059860,0.6,75,Dokkorerドッコラー,Timburr,75.4,532,25,35,35,fighting,,12.5,5,0
+"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,105,5120,70,405,90,Muscular Pokémon,85,1059860,1.2,85,Dotekkotsuドテッコツ,Gurdurr,75.4,533,40,50,40,fighting,,40.0,5,0
+"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,140,5120,70,505,45,Muscular Pokémon,95,1059860,1.4,105,Roubushinローブシン,Conkeldurr,75.4,534,55,65,45,fighting,,87.0,5,0
+"['Swift Swim', 'Hydration', 'Water Absorb']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,50,5120,70,294,255,Tadpole Pokémon,40,1059860,0.5,50,Otamaroオタマロ,Tympole,50,535,50,40,64,water,,4.5,5,0
+"['Swift Swim', 'Hydration', 'Water Absorb']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,65,5120,70,384,120,Vibration Pokémon,55,1059860,0.8,75,Gamagaruガマガル,Palpitoad,50,536,65,55,69,water,ground,17.0,5,0
+"['Swift Swim', 'Poison Touch', 'Water Absorb']",1,1,1,0,1,1,0.5,1,1,4,1,1,1,0.5,1,0.5,0.5,1,95,5120,70,509,45,Vibration Pokémon,75,1059860,1.5,105,Gamagerogeガマゲロゲ,Seismitoad,50,537,85,75,74,water,ground,62.0,5,0
+"['Guts', 'Inner Focus', 'Mold Breaker']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,100,5120,70,465,45,Judo Pokémon,85,1000000,1.3,120,Nagekiナゲキ,Throh,100,538,30,85,45,fighting,,55.5,5,0
+"['Sturdy', 'Inner Focus', 'Mold Breaker']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,125,5120,70,465,45,Karate Pokémon,75,1000000,1.4,75,Dagekiダゲキ,Sawk,100,539,30,75,85,fighting,,51.0,5,0
+"['Swarm', 'Chlorophyll', 'Overcoat']",2,1,1,0.5,1,0.5,4,4,1,0.25,0.25,2,1,2,1,2,1,0.5,53,3840,70,310,255,Sewing Pokémon,70,1059860,0.3,45,Kurumiruクルミル,Sewaddle,50,540,40,60,42,bug,grass,2.5,5,0
+"['Leaf Guard', 'Chlorophyll', 'Overcoat']",2,1,1,0.5,1,0.5,4,4,1,0.25,0.25,2,1,2,1,2,1,0.5,63,3840,70,380,120,Leaf-Wrapped Pokémon,90,1059860,0.5,55,Kurumayuクルマユ,Swadloon,50,541,50,80,42,bug,grass,7.3,5,0
+"['Swarm', 'Chlorophyll', 'Overcoat']",2,1,1,0.5,1,0.5,4,4,1,0.25,0.25,2,1,2,1,2,1,0.5,103,3840,70,500,45,Nurturing Pokémon,80,1059860,1.2,75,Hahakomoriハハコモリ,Leavanny,50,542,70,80,92,bug,grass,20.5,5,0
+"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,45,3840,70,260,255,Centipede Pokémon,59,1059860,0.4,30,Fushideフシデ,Venipede,50,543,30,39,57,bug,poison,5.3,5,0
+"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,55,3840,70,360,120,Curlipede Pokémon,99,1059860,1.2,40,Wheegaホイーガ,Whirlipede,50,544,40,79,47,bug,poison,58.5,5,0
+"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1,1,1,0.5,0.25,2,2,1,0.25,1,1,1,0.5,2,2,1,1,100,5120,70,485,45,Megapede Pokémon,89,1059860,2.5,60,Pendrorペンドラー,Scolipede,50,545,55,69,112,bug,poison,200.5,5,0
+"['Prankster', 'Infiltrator', 'Chlorophyll']",1,0.5,0,0.5,1,0.5,2,2,1,0.5,0.5,2,1,4,1,1,2,0.5,27,5120,70,280,190,Cotton Puff Pokémon,60,1000000,0.3,40,Monmenモンメン,Cottonee,50,546,37,50,66,grass,fairy,0.6,5,0
+"['Prankster', 'Infiltrator', 'Chlorophyll']",1,0.5,0,0.5,1,0.5,2,2,1,0.5,0.5,2,1,4,1,1,2,0.5,67,5120,70,480,75,Windveiled Pokémon,85,1000000,0.7,60,Elfuunエルフーン,Whimsicott,50,547,77,75,116,grass,fairy,6.6,5,0
+"['Chlorophyll', 'Own Tempo', 'Leaf Guard']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,35,5120,70,280,190,Bulb Pokémon,50,1000000,0.5,45,Churineチュリネ,Petilil,0,548,70,50,30,grass,,6.6,5,0
+"['Chlorophyll', 'Own Tempo', 'Leaf Guard']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,60,5120,70,480,75,Flowering Pokémon,75,1000000,1.1,70,Dredearドレディア,Lilligant,0,549,110,75,90,grass,,16.3,5,0
+"['Reckless', 'Rock Head', 'Adaptability', 'Mold Breaker']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,92,10240,70,460,25,Hostile Pokémon,65,1000000,1.0,70,Bassraoバスラオ,Basculin,50,550,80,55,98,water,,18.0,5,0
+"['Intimidate', 'Moxie', 'Anger Point']",2,0.5,1,0,2,2,1,1,0.5,2,1,2,1,0.5,0,0.5,1,2,72,5120,70,292,180,Desert Croc Pokémon,35,1059860,0.7,50,Megurocoメグロコ,Sandile,50,551,35,35,65,ground,dark,15.2,5,0
+"['Intimidate', 'Moxie', 'Anger Point']",2,0.5,1,0,2,2,1,1,0.5,2,1,2,1,0.5,0,0.5,1,2,82,5120,70,351,90,Desert Croc Pokémon,45,1059860,1.0,60,Waruvileワルビル,Krokorok,50,552,45,45,74,ground,dark,33.4,5,0
+"['Intimidate', 'Moxie', 'Anger Point']",2,0.5,1,0,2,2,1,1,0.5,2,1,2,1,0.5,0,0.5,1,2,117,5120,70,519,45,Intimidation Pokémon,80,1059860,1.5,95,Waruvialワルビアル,Krookodile,50,553,65,70,92,ground,dark,96.3,5,0
+"['Hustle', 'Inner Focus']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,90,5120,70,315,120,Zen Charm Pokémon,45,1059860,0.6,70,Darumakkaダルマッカ,Darumaka,50,554,15,45,50,fire,,37.5,5,0
+"['Sheer Force', 'Zen Mode']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,30,5120,70,540,60,Blazing Pokémon,105,1059860,1.3,105,Hihidarumaヒヒダルマ,Darmanitan,50,555,140,105,55,fire,fire,92.9,5,0
+"['Water Absorb', 'Chlorophyll', 'Storm Drain']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,86,5120,70,461,255,Cactus Pokémon,67,1000000,1.0,75,Maracacchiマラカッチ,Maractus,50,556,106,67,60,grass,,28.0,5,0
+"['Sturdy', 'Shell Armor', 'Weak Armor']",1,1,1,1,1,1,1,1,1,1,1,1,0.5,0.5,1,2,2,2,65,5120,70,325,190,Rock Inn Pokémon,85,1000000,0.3,50,Ishizumaiイシズマイ,Dwebble,50,557,35,35,55,bug,rock,14.5,5,0
+"['Sturdy', 'Shell Armor', 'Weak Armor']",1,1,1,1,1,1,1,1,1,1,1,1,0.5,0.5,1,2,2,2,105,5120,70,485,75,Stone Home Pokémon,125,1000000,1.4,70,Iwapalaceイワパレス,Crustle,50,558,65,75,45,bug,rock,200.0,5,0
+"['Shed Skin', 'Moxie', 'Intimidate']",1,0.25,1,1,4,2,1,2,0.5,1,1,1,1,1,0,0.5,1,1,75,3840,35,348,180,Shedding Pokémon,70,1000000,0.6,50,Zurugguズルッグ,Scraggy,50,559,35,70,48,dark,fighting,11.8,5,0
+"['Shed Skin', 'Moxie', 'Intimidate']",1,0.25,1,1,4,2,1,2,0.5,1,1,1,1,1,0,0.5,1,1,90,3840,70,488,90,Hoodlum Pokémon,115,1000000,1.1,65,Zuruzukinズルズキン,Scrafty,50,560,45,115,58,dark,fighting,30.0,5,0
+"['Wonder Skin ', 'Magic Guard', 'Tinted Lens']",1,2,1,2,1,0.25,1,1,2,0.5,0,2,1,1,0.5,2,1,1,58,5120,70,490,45,Avianoid Pokémon,80,1000000,1.4,72,Symbolerシンボラー,Sigilyph,50,561,103,80,97,psychic,flying,14.0,5,0
+['Mummy'],0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,30,6400,70,303,190,Spirit Pokémon,85,1000000,0.5,38,Desumasuデスマス,Yamask,50,562,55,65,30,ghost,,1.5,5,0
+['Mummy'],0.5,2,1,1,1,0,1,1,2,1,1,1,0,0.5,1,1,1,1,50,6400,70,483,90,Coffin Pokémon,145,1000000,1.7,58,Desukarnデスカーン,Cofagrigus,50,563,95,105,30,ghost,,76.5,5,0
+"['Solid Rock', 'Sturdy', 'Swift Swim']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,78,7680,70,355,45,Prototurtle Pokémon,103,1000000,0.7,54,Protogaプロトーガ,Tirtouga,88.1,564,53,45,22,water,rock,16.5,5,0
+"['Solid Rock', 'Sturdy', 'Swift Swim']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,108,7680,70,495,45,Prototurtle Pokémon,133,1000000,1.2,74,Abagouraアバゴーラ,Carracosta,88.1,565,83,65,32,water,rock,81.0,5,0
+['Defeatist'],0.5,1,1,2,1,1,0.5,0.5,1,1,0,2,0.5,0.5,1,2,2,2,112,7680,70,401,45,First Bird Pokémon,45,1000000,0.5,55,Archenアーケン,Archen,88.1,566,74,45,70,rock,flying,9.5,5,0
+['Defeatist'],0.5,1,1,2,1,1,0.5,0.5,1,1,0,2,0.5,0.5,1,2,2,2,140,7680,70,567,45,First Bird Pokémon,65,1000000,1.4,75,Archeosアーケオス,Archeops,88.1,567,112,65,110,rock,flying,32.0,5,0
+"['Stench', 'Sticky Hold', 'Aftermath']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,50,5120,70,329,190,Trash Bag Pokémon,62,1000000,0.6,50,Yabukuronヤブクロン,Trubbish,50,568,40,62,65,poison,,31.0,5,0
+"['Stench', 'Weak Armor', 'Aftermath']",0.5,1,1,1,0.5,0.5,1,1,1,0.5,2,1,1,0.5,2,1,1,1,95,5120,70,474,60,Trash Heap Pokémon,82,1000000,1.9,80,Dustdasダストダス,Garbodor,50,569,60,82,75,poison,,107.3,5,0
+['Illusion'],2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,65,6400,70,330,75,Tricky Fox Pokémon,40,1059860,0.7,40,Zoruaゾロア,Zorua,88.1,570,80,40,65,dark,,12.5,5,0
+['Illusion'],2,0.5,1,1,2,2,1,1,0.5,1,1,1,1,1,0,1,1,1,105,5120,70,510,45,Illusion Fox Pokémon,60,1059860,1.6,60,Zoroarkゾロアーク,Zoroark,88.1,571,120,60,105,dark,,81.1,5,0
+"['Cute Charm', 'Technician', 'Skill Link']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,50,3840,70,300,255,Chinchilla Pokémon,40,800000,0.4,55,Chillarmyチラーミィ,Minccino,24.6,572,40,40,75,normal,,5.8,5,0
+"['Cute Charm', 'Technician', 'Skill Link']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,95,3840,70,470,60,Scarf Pokémon,60,800000,0.5,75,Chillaccinoチラチーノ,Cinccino,24.6,573,65,60,115,normal,,7.5,5,0
+"['Frisk', 'Competitive', 'Shadow Tag']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,30,5120,70,290,200,Fixation Pokémon,50,1059860,0.4,45,Gothimuゴチム,Gothita,24.6,574,55,65,45,psychic,,5.8,5,0
+"['Frisk', 'Competitive', 'Shadow Tag']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,45,5120,70,390,100,Manipulate Pokémon,70,1059860,0.7,60,Gothimiruゴチミル,Gothorita,24.6,575,75,85,55,psychic,,18.0,5,0
+"['Frisk', 'Competitive', 'Shadow Tag']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,55,5120,70,490,50,Astral Body Pokémon,95,1059860,1.5,70,Gothiruselleゴチルゼル,Gothitelle,24.6,576,95,110,65,psychic,,44.0,5,0
+"['Overcoat', 'Magic Guard', 'Regenerator']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,30,5120,70,290,200,Cell Pokémon,40,1059860,0.3,45,Uniranユニラン,Solosis,50,577,105,50,20,psychic,,1.0,5,0
+"['Overcoat', 'Magic Guard', 'Regenerator']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,40,5120,70,370,100,Mitosis Pokémon,50,1059860,0.6,65,Doublanダブラン,Duosion,50,578,125,60,30,psychic,,8.0,5,0
+"['Overcoat', 'Magic Guard', 'Regenerator']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,65,5120,70,490,50,Multiplying Pokémon,75,1059860,1.0,110,Lanculusランクルス,Reuniclus,50,579,125,85,30,psychic,,20.1,5,0
+"['Keen Eye', 'Big Pecks', 'Hydration']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,44,5120,70,305,190,Water Bird Pokémon,50,1000000,0.5,62,Koaruhieコアルヒー,Ducklett,50,580,44,50,55,water,flying,5.5,5,0
+"['Keen Eye', 'Big Pecks', 'Hydration']",0.5,1,1,4,1,0.5,0.5,1,1,1,0,1,1,1,1,2,0.5,0.5,87,5120,70,473,45,White Bird Pokémon,63,1000000,1.3,75,Swannaスワンナ,Swanna,50,581,87,63,98,water,flying,24.2,5,0
+"['Ice Body', 'Snow Cloak', 'Weak Armor']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,50,5120,70,305,255,Fresh Snow Pokémon,50,1250000,0.4,36,Vanipetiバニプッチ,Vanillite,50,582,65,60,44,ice,,5.7,5,0
+"['Ice Body', 'Snow Cloak', 'Weak Armor']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,65,5120,70,395,120,Icy Snow Pokémon,65,1250000,1.1,51,Vanirichバニリッチ,Vanillish,50,583,80,75,59,ice,,41.0,5,0
+"['Ice Body', 'Snow Warning', 'Weak Armor']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,95,5120,70,535,45,Snowstorm Pokémon,85,1250000,1.3,71,Baivanillaバイバニラ,Vanilluxe,50,584,110,95,79,ice,,57.5,5,0
+"['Chlorophyll', 'Sap Sipper', 'Serene Grace']",2,1,1,0.5,1,2,2,2,0,0.5,0.5,2,1,2,1,1,1,0.5,60,5120,70,335,190,Season Pokémon,50,1000000,0.6,60,Shikijikaシキジカ,Deerling,50,585,40,50,75,normal,grass,19.5,5,0
+"['Chlorophyll', 'Sap Sipper', 'Serene Grace']",2,1,1,0.5,1,2,2,2,0,0.5,0.5,2,1,2,1,1,1,0.5,100,5120,70,475,75,Season Pokémon,70,1000000,1.9,80,Mebukijikaメブキジカ,Sawsbuck,50,586,60,70,95,normal,grass,92.5,5,0
+"['Static', 'Motor Drive']",0.5,1,1,1,1,0.5,1,0.5,1,0.5,0,2,1,1,1,2,0.5,1,75,5120,70,428,200,Sky Squirrel Pokémon,60,1000000,0.4,55,Emongaエモンガ,Emolga,50,587,75,60,103,electric,flying,5.0,5,0
+"['Swarm', 'Shed Skin', 'No Guard']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,75,3840,70,315,200,Clamping Pokémon,45,1000000,0.5,50,Kaburumoカブルモ,Karrablast,50,588,40,45,60,bug,,5.9,5,0
+"['Swarm', 'Shell Armor', 'Overcoat']",0.5,1,0.5,1,0.5,1,4,1,1,0.25,1,0.5,0.5,0,0.5,1,0.5,1,135,3840,70,495,75,Cavalry Pokémon,105,1000000,1.0,70,Chevargoシュバルゴ,Escavalier,50,589,60,105,20,bug,steel,33.0,5,0
+"['Effect Spore', 'Regenerator']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,55,5120,70,294,190,Mushroom Pokémon,45,1000000,0.2,69,Tamagetakeタマゲタケ,Foongus,50,590,55,55,15,grass,poison,1.0,5,0
+"['Effect Spore', 'Regenerator']",1,1,1,0.5,0.5,0.5,2,2,1,0.25,1,2,1,1,2,1,1,0.5,85,5120,70,464,75,Mushroom Pokémon,70,1000000,0.6,114,Morobareruモロバレル,Amoonguss,50,591,85,80,30,grass,poison,10.5,5,0
+"['Water Absorb', 'Cursed Body', 'Damp']",0.5,2,1,2,1,0,0.5,1,2,2,1,0.5,0,0.5,1,1,0.5,0.5,40,5120,70,335,190,Floating Pokémon,50,1000000,1.2,55,Pururillプルリル,Frillish,50,592,65,85,40,water,ghost,33.0,5,0
+"['Water Absorb', 'Cursed Body', 'Damp']",0.5,2,1,2,1,0,0.5,1,2,2,1,0.5,0,0.5,1,1,0.5,0.5,60,5120,70,480,60,Floating Pokémon,70,1000000,2.2,100,Burungelブルンゲル,Jellicent,50,593,85,105,60,water,ghost,135.0,5,0
+"['Healer', 'Hydration', 'Regenerator']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,75,10240,70,470,75,Caring Pokémon,80,800000,1.2,165,Mamanbouママンボウ,Alomomola,50,594,40,45,65,water,,31.6,5,0
+"['Compoundeyes', 'Unnerve', 'Swarm']",1,1,1,0.5,1,0.5,2,1,1,0.5,1,1,1,1,1,2,0.5,1,47,5120,70,319,190,Attaching Pokémon,50,1000000,0.1,50,Bachuruバチュル,Joltik,50,595,57,50,65,bug,electric,0.6,5,0
+"['Compoundeyes', 'Unnerve', 'Swarm']",1,1,1,0.5,1,0.5,2,1,1,0.5,1,1,1,1,1,2,0.5,1,77,5120,70,472,75,EleSpider Pokémon,60,1000000,0.8,70,Dentulaデンチュラ,Galvantula,50,596,97,60,108,bug,electric,14.3,5,0
+['Iron Barbs'],1,1,0.5,0.5,0.5,2,4,1,1,0.25,1,1,0.5,0,0.5,0.5,0.5,0.5,50,5120,70,305,255,Thorn Seed Pokémon,91,1000000,0.6,44,Tesseedテッシード,Ferroseed,50,597,24,86,10,grass,steel,18.8,5,0
+"['Iron Barbs', 'Anticipation']",1,1,0.5,0.5,0.5,2,4,1,1,0.25,1,1,0.5,0,0.5,0.5,0.5,0.5,94,5120,70,489,90,Thorn Pod Pokémon,131,1000000,1.0,74,Nutreyナットレイ,Ferrothorn,50,598,54,116,20,grass,steel,110.0,5,0
+"['Plus', 'Minus', 'Clear Body']",0.5,1,0.5,1,0.5,2,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,0.5,1,55,5120,70,300,130,Gear Pokémon,70,1059860,0.3,40,Giaruギアル,Klink,,599,45,60,30,steel,,21.0,5,0
+"['Plus', 'Minus', 'Clear Body']",0.5,1,0.5,1,0.5,2,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,0.5,1,80,5120,70,440,60,Gear Pokémon,95,1059860,0.6,60,Gigiaruギギアル,Klang,,600,70,85,50,steel,,51.0,5,0
+"['Plus', 'Minus', 'Clear Body']",0.5,1,0.5,1,0.5,2,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,0.5,1,100,5120,70,520,30,Gear Pokémon,115,1059860,0.6,60,Gigigiaruギギギアル,Klinklang,,601,70,85,90,steel,,81.0,5,0
+['Levitate'],1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,55,5120,70,275,190,EleFish Pokémon,40,1250000,0.2,35,Shibishirasuシビシラス,Tynamo,50,602,45,40,60,electric,,0.3,5,0
+['Levitate'],1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,85,5120,70,405,60,EleFish Pokémon,70,1250000,1.2,65,Shibibeelシビビール,Eelektrik,50,603,75,70,40,electric,,22.0,5,0
+['Levitate'],1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,115,5120,70,515,30,EleFish Pokémon,80,1250000,2.1,85,Shibirudonシビルドン,Eelektross,50,604,105,80,50,electric,,80.5,5,0
+"['Telepathy', 'Synchronize', 'Analytic']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,55,5120,70,335,255,Cerebral Pokémon,55,1000000,0.5,55,Ligrayリグレー,Elgyem,50,605,85,55,30,psychic,,9.0,5,0
+"['Telepathy', 'Synchronize', 'Analytic']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,75,5120,70,485,90,Cerebral Pokémon,75,1000000,1.0,75,Ohbemオーベム,Beheeyem,50,606,125,95,40,psychic,,34.5,5,0
+"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2,1,1,0.5,0,0.5,1,2,0.5,2,0.5,0,0.5,1,2,0.5,2,30,5120,70,275,190,Candle Pokémon,55,1059860,0.3,50,Hitomoshiヒトモシ,Litwick,50,607,65,55,20,ghost,fire,3.1,5,0
+"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2,1,1,0.5,0,0.5,1,2,0.5,2,0.5,0,0.5,1,2,0.5,2,40,5120,70,370,90,Lamp Pokémon,60,1059860,0.6,60,Lamplerランプラー,Lampent,50,608,95,60,55,ghost,fire,13.0,5,0
+"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2,1,1,0.5,0,0.5,1,2,0.5,2,0.5,0,0.5,1,2,0.5,2,55,5120,70,520,45,Luring Pokémon,90,1059860,1.0,60,Chandelaシャンデラ,Chandelure,50,609,145,90,80,ghost,fire,34.3,5,0
+"['Rivalry', 'Mold Breaker', 'Unnerve']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,87,10240,35,320,75,Tusk Pokémon,60,1250000,0.6,46,Kibagoキバゴ,Axew,50,610,30,40,57,dragon,,18.0,5,0
+"['Rivalry', 'Mold Breaker', 'Unnerve']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,117,10240,35,410,60,Axe Jaw Pokémon,70,1250000,1.0,66,Onondoオノンド,Fraxure,50,611,40,50,67,dragon,,36.0,5,0
+"['Rivalry', 'Mold Breaker', 'Unnerve']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,147,10240,35,540,45,Axe Jaw Pokémon,90,1250000,1.8,76,Ononokusオノノクス,Haxorus,50,612,60,70,97,dragon,,105.5,5,0
+"['Snow Cloak', 'Slush Rush', 'Rattled']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,70,5120,70,305,120,Chill Pokémon,40,1000000,0.5,55,Kumasyunクマシュン,Cubchoo,50,613,60,40,40,ice,,8.5,5,0
+"['Snow Cloak', 'Slush Rush', 'Swift Swim']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,130,5120,70,505,60,Freezing Pokémon,80,1000000,2.6,95,Tunbearツンベアー,Beartic,50,614,70,80,50,ice,,260.0,5,0
+['Levitate'],1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,50,6400,70,515,25,Crystallizing Pokémon,50,1000000,1.1,80,Freegeoフリージオ,Cryogonal,,615,95,135,105,ice,,148.0,5,0
+"['Hydration', 'Shell Armor', 'Overcoat']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,40,3840,70,305,200,Snail Pokémon,85,1000000,0.4,50,Chobomakiチョボマキ,Shelmet,50,616,40,65,25,bug,,7.7,5,0
+"['Hydration', 'Sticky Hold', 'Unburden']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,70,3840,70,495,75,Shell Out Pokémon,40,1000000,0.8,80,Agilderアギルダー,Accelgor,50,617,100,60,145,bug,,25.3,5,0
+"['Static', 'Limber', 'Sand Veil']",1,1,1,0,1,1,1,0.5,1,2,2,2,1,0.5,1,0.5,0.5,2,66,5120,70,471,75,Trap Pokémon,84,1000000,0.7,109,Maggyoマッギョ,Stunfisk,50,618,81,99,32,ground,electric,11.0,5,0
+"['Inner Focus', 'Regenerator', 'Reckless']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,85,6400,70,350,180,Martial Arts Pokémon,50,1059860,0.9,45,Kojofuコジョフー,Mienfoo,50,619,55,50,65,fighting,,20.0,5,0
+"['Inner Focus', 'Regenerator', 'Reckless']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,125,6400,70,510,45,Martial Arts Pokémon,60,1059860,1.4,65,Kojondoコジョンド,Mienshao,50,620,95,60,105,fighting,,35.5,5,0
+"['Rough Skin', 'Sheer Force', 'Mold Breaker']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,120,7680,70,485,45,Cave Pokémon,90,1000000,1.6,77,Crimganクリムガン,Druddigon,50,621,60,90,48,dragon,,139.0,5,0
+"['Iron Fist', 'Klutz', 'No Guard']",0.5,2,1,0,1,0,1,1,2,2,1,2,0,0.25,1,0.5,1,2,74,6400,70,303,190,Automaton Pokémon,50,1000000,1.0,59,Gobitゴビット,Golett,,622,35,50,35,ground,ghost,92.0,5,0
+"['Iron Fist', 'Klutz', 'No Guard']",0.5,2,1,0,1,0,1,1,2,2,1,2,0,0.25,1,0.5,1,2,124,6400,70,483,90,Automaton Pokémon,80,1000000,2.8,89,Goloogゴルーグ,Golurk,,623,55,80,55,ground,ghost,330.0,5,0
+"['Defiant', 'Inner Focus', 'Pressure']",1,0.5,0.5,1,1,4,2,0.5,0.5,0.5,2,0.5,0.5,0,0,0.5,0.5,1,85,5120,35,340,120,Sharp Blade Pokémon,70,1000000,0.5,45,Komatanaコマタナ,Pawniard,50,624,40,40,60,dark,steel,10.2,5,0
+"['Defiant', 'Inner Focus', 'Pressure']",1,0.5,0.5,1,1,4,2,0.5,0.5,0.5,2,0.5,0.5,0,0,0.5,0.5,1,125,5120,35,490,45,Sword Blade Pokémon,100,1000000,1.6,65,Kirikizanキリキザン,Bisharp,50,625,60,70,70,dark,steel,70.0,5,0
+"['Reckless', 'Sap Sipper', 'Soundproof']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,110,5120,70,490,45,Bash Buffalo Pokémon,95,1000000,1.6,95,Buffronバッフロン,Bouffalant,50,626,40,95,55,normal,,94.6,5,0
+"['Keen Eye', 'Sheer Force', 'Hustle']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,83,5120,70,350,190,Eaglet Pokémon,50,1250000,0.5,70,Washibonワシボン,Rufflet,100,627,37,50,60,normal,flying,10.5,5,0
+"['Keen Eye', 'Sheer Force', 'Defiant']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,123,5120,70,510,60,Valiant Pokémon,75,1250000,1.5,100,Warrgleウォーグル,Braviary,100,628,57,75,80,normal,flying,41.0,5,0
+"['Big Pecks', 'Overcoat', 'Weak Armor']",1,0.5,1,2,2,1,1,1,0.5,0.5,0,2,1,1,0,2,1,1,55,5120,35,370,190,Diapered Pokémon,75,1250000,0.5,70,Valchaiバルチャイ,Vullaby,0,629,45,65,60,dark,flying,9.0,5,0
+"['Big Pecks', 'Overcoat', 'Weak Armor']",1,0.5,1,2,2,1,1,1,0.5,0.5,0,2,1,1,0,2,1,1,65,5120,35,510,60,Bone Vulture Pokémon,105,1250000,1.2,110,Vulginaバルジーナ,Mandibuzz,0,630,55,95,80,dark,flying,39.5,5,0
+"['Gluttony', 'Flash Fire', 'White Smoke']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,97,5120,70,484,90,Anteater Pokémon,66,1000000,1.4,85,Kuitaranクイタラン,Heatmor,50,631,105,66,65,fire,,58.0,5,0
+"['Swarm', 'Hustle', 'Truant']",0.5,1,0.5,1,0.5,1,4,1,1,0.25,1,0.5,0.5,0,0.5,1,0.5,1,109,5120,70,484,90,Iron Ant Pokémon,112,1000000,0.3,58,Aiantアイアント,Durant,50,632,48,48,109,bug,steel,33.0,5,0
+['Hustle'],2,0.5,2,0.5,4,2,0.5,1,0.5,0.5,1,2,1,1,0,1,1,0.5,65,10240,35,300,45,Irate Pokémon,50,1250000,0.8,52,Monozuモノズ,Deino,50,633,45,50,38,dark,dragon,17.3,5,0
+['Hustle'],2,0.5,2,0.5,4,2,0.5,1,0.5,0.5,1,2,1,1,0,1,1,0.5,85,10240,35,420,45,Hostile Pokémon,70,1250000,1.4,72,Diheadジヘッド,Zweilous,50,634,65,70,58,dark,dragon,50.0,5,0
+['Levitate'],2,0.5,2,0.5,4,2,0.5,1,0.5,0.5,1,2,1,1,0,1,1,0.5,105,10240,35,600,45,Brutal Pokémon,90,1250000,1.8,92,Sazandoraサザンドラ,Hydreigon,50,635,125,90,98,dark,dragon,160.0,5,0
+"['Flame Body', 'Swarm']",0.5,1,1,1,0.5,0.5,1,2,1,0.25,1,0.5,1,1,1,4,0.5,2,85,10240,70,360,45,Torch Pokémon,55,1250000,1.1,55,Merlarvaメラルバ,Larvesta,50,636,50,55,60,bug,fire,28.8,5,0
+"['Flame Body', 'Swarm']",0.5,1,1,1,0.5,0.5,1,2,1,0.25,1,0.5,1,1,1,4,0.5,2,60,10240,70,550,15,Sun Pokémon,65,1250000,1.6,85,Ulgamothウルガモス,Volcarona,50,637,135,105,100,bug,fire,46.0,5,0
+['Justified'],0.25,0.5,0.5,1,1,2,2,1,1,0.5,2,0.5,0.5,0,1,0.25,0.5,1,90,20480,35,580,3,Iron Will Pokémon,129,1250000,2.1,91,Cobalonコバルオン,Cobalion,,638,90,72,108,steel,fighting,250.0,5,1
+['Justified'],0.5,0.5,1,1,2,2,0.5,1,1,2,2,1,0.5,0.5,2,0.5,2,2,129,20480,35,580,3,Cavern Pokémon,90,1250000,1.9,91,Terrakionテラキオン,Terrakion,,639,72,90,108,rock,fighting,260.0,5,1
+['Justified'],1,0.5,1,0.5,2,1,2,4,1,0.5,0.5,2,1,2,2,0.5,1,0.5,90,20480,35,580,3,Grassland Pokémon,72,1250000,2.0,91,Virizionビリジオン,Virizion,,640,90,129,108,grass,fighting,200.0,5,1
+"['Prankster', 'Defiant', 'Regenerator']",0.5,1,1,2,1,0.5,1,1,1,0.5,0,2,1,1,1,2,1,1,100,30720,90,580,3,Cyclone Pokémon,80,1250000,1.5,79,Tornelos (keshin Forme)トルネロス,Tornadus,100,641,110,90,121,flying,,63.0,5,1
+"['Prankster', 'Defiant', 'Volt Absorb']",0.5,1,1,1,1,0.5,1,0.5,1,0.5,0,2,1,1,1,2,0.5,1,105,30720,90,580,3,Bolt Strike Pokémon,70,1250000,1.5,79,Voltolos (keshin Forme)ボルトロス,Thundurus,100,642,145,80,101,electric,flying,61.0,5,1
+['Turboblaze'],0.5,1,2,0.5,1,1,0.25,1,1,0.25,2,1,1,1,1,2,0.5,1,120,30720,0,680,3,Vast White Pokémon,100,1250000,3.2,100,Reshiramレシラム,Reshiram,,643,150,120,90,dragon,fire,330.0,5,1
+['Teravolt'],1,1,2,0.25,2,1,0.5,0.5,1,0.5,2,2,1,1,1,1,0.5,0.5,150,30720,0,680,3,Deep Black Pokémon,120,1250000,2.9,100,Zekromゼクロム,Zekrom,,644,120,100,90,dragon,electric,345.0,5,1
+"['Sand Force', 'Sheer Force', 'Intimidate']",0.5,1,1,0,1,0.5,1,1,1,1,0,4,1,0.5,1,1,1,2,145,30720,90,600,3,Abundance Pokémon,90,1250000,1.5,89,Landlos (keshin Forme)ランドロス,Landorus,100,645,105,80,91,ground,flying,68.0,5,1
+"['Pressure', 'Teravolt', 'Turboblaze']",1,1,2,0.5,2,2,1,1,1,0.5,1,1,1,1,1,2,2,0.5,120,30720,0,700,3,Boundary Pokémon,90,1250000,3.0,125,Kyuremキュレム,Kyurem,,646,170,100,95,dragon,ice,325.0,5,1
+['Justified'],0.5,0.5,1,2,2,1,0.5,2,1,2,1,0.5,1,1,2,0.5,0.5,0.5,72,20480,35,580,3,Colt Pokémon,90,1250000,1.4,91,Keldeo (itsumo No Sugata)ケルディオ,Keldeo,,647,129,90,108,water,fighting,48.5,5,1
+['Serene Grace'],2,2,1,1,1,1,1,1,0,1,1,1,1,1,0.5,1,1,1,128,30720,100,600,3,Melody Pokémon,90,1250000,0.6,100,Meloetta (step Forme)メロエッタ,Meloetta,,648,77,77,128,normal,psychic,6.5,5,1
+['Download'],0.5,1,0.5,1,0.5,1,4,1,1,0.25,1,0.5,0.5,0,0.5,1,0.5,1,120,30720,0,600,3,Paleozoic Pokémon,95,1250000,1.5,71,Genesectゲノセクト,Genesect,,649,120,95,99,bug,steel,82.5,5,1
+"['Overgrow', 'Bulletproof']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,61,5120,70,313,45,Spiky Nut Pokémon,65,1059860,0.4,56,Harimaronハリマロン,Chespin,88.1,650,48,45,38,grass,,9.0,6,0
+"['Overgrow', 'Bulletproof']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,78,5120,70,405,45,Spiny Armor Pokémon,95,1059860,0.7,61,Hariborgハリボーグ,Quilladin,88.1,651,56,58,57,grass,,29.0,6,0
+"['Overgrow', 'Bulletproof']",1,0.5,1,0.5,2,1,2,4,1,0.5,0.5,2,1,2,2,0.5,1,0.5,107,5120,70,530,45,Spiny Armor Pokémon,122,1059860,1.6,88,Brigarronブリガロン,Chesnaught,88.1,652,74,75,64,grass,fighting,90.0,6,0
+"['Blaze', 'Magician']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,45,5120,70,307,45,Fox Pokémon,40,1059860,0.4,40,Fokkoフォッコ,Fennekin,88.1,653,62,60,60,fire,,9.4,6,0
+"['Blaze', 'Magician']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,59,5120,70,409,45,Fox Pokémon,58,1059860,1.0,59,Tairenarテールナー,Braixen,88.1,654,90,70,73,fire,,14.5,6,0
+"['Blaze', 'Magician']",1,2,1,1,0.5,0.5,0.5,1,2,0.5,2,0.5,1,1,0.5,2,0.5,2,69,5120,70,534,45,Fox Pokémon,72,1059860,1.5,75,Mahoxyマフォクシー,Delphox,88.1,655,114,100,104,fire,psychic,39.0,6,0
+"['Torrent', 'Protean']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,56,5120,70,314,45,Bubble Frog Pokémon,40,1059860,0.3,41,Keromatsuケロマツ,Froakie,88.1,656,62,44,71,water,,7.0,6,0
+"['Torrent', 'Protean']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,63,5120,70,405,45,Bubble Frog Pokémon,52,1059860,0.6,54,Gekogashiraゲコガシラ,Frogadier,88.1,657,83,56,97,water,,10.9,6,0
+"['Torrent', 'Protean', 'Battle Bond']",2,0.5,1,2,2,2,0.5,1,0.5,2,1,0.5,1,1,0,1,0.5,0.5,145,5120,70,640,45,Ninja Pokémon,67,1059860,1.5,72,Gekkougaゲッコウガ,Greninja,88.1,658,153,71,132,water,dark,40.0,6,0
+"['Pickup', 'Cheek Pouch', 'Huge Power']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,36,3840,70,237,255,Digging Pokémon,38,1000000,0.4,38,Horubeeホルビー,Bunnelby,50,659,32,36,57,normal,,5.0,6,0
+"['Pickup', 'Cheek Pouch', 'Huge Power']",1,1,1,0,1,2,1,1,0,2,1,2,1,0.5,1,0.5,1,2,56,3840,70,423,127,Digging Pokémon,77,1000000,1.0,85,Horudoホルード,Diggersby,50,660,50,77,78,normal,ground,42.4,6,0
+"['Big Pecks', 'Gale Wings']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,50,3840,70,278,255,Tiny Robin Pokémon,43,1059860,0.3,45,Yayakomaヤヤコマ,Fletchling,50,661,40,38,62,normal,flying,1.7,6,0
+"['Flame Body', 'Gale Wings']",0.25,1,1,2,0.5,0.5,0.5,1,1,0.25,0,1,1,1,1,4,0.5,2,73,3840,70,382,120,Ember Pokémon,55,1059860,0.7,62,Hinoyakomaヒノヤコマ,Fletchinder,50,662,56,52,84,fire,flying,16.0,6,0
+"['Flame Body', 'Gale Wings']",0.25,1,1,2,0.5,0.5,0.5,1,1,0.25,0,1,1,1,1,4,0.5,2,81,3840,70,499,45,Scorching Pokémon,71,1059860,1.2,78,Fiarrowファイアロー,Talonflame,50,663,74,69,126,fire,flying,24.5,6,0
+"['Shield Dust', 'Compoundeyes', 'Friend Guard']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,35,3840,70,200,255,Scatterdust Pokémon,40,1000000,0.3,38,Kofukimushiコフキムシ,Scatterbug,50,664,27,25,35,bug,,2.5,6,0
+"['Shed Skin', 'Friend Guard']",1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,22,3840,70,213,120,Scatterdust Pokémon,60,1000000,0.3,45,Kofuuraiコフーライ,Spewpa,50,665,27,30,29,bug,,8.4,6,0
+"['Shield Dust', 'Compoundeyes', 'Friend Guard']",0.5,1,1,2,1,0.25,2,2,1,0.25,0,2,1,1,1,4,1,1,52,3840,70,411,45,Scale Pokémon,50,1000000,1.2,80,Viviyonビビヨン,Vivillon,50,666,90,50,89,bug,flying,17.0,6,0
+"['Rivalry', 'Unnerve', 'Moxie']",0.5,1,1,1,0.5,2,0.5,1,0,0.5,2,0.5,1,1,1,2,0.5,2,50,5120,70,369,220,Lion Cub Pokémon,58,1059860,0.6,62,Shishikoシシコ,Litleo,11.2,667,73,54,72,fire,normal,13.5,6,0
+"['Rivalry', 'Unnerve', 'Moxie']",0.5,1,1,1,0.5,2,0.5,1,0,0.5,2,0.5,1,1,1,2,0.5,2,68,5120,70,507,65,Royal Pokémon,72,1059860,1.5,86,Kaenjishiカエンジシ,Pyroar,11.2,668,109,66,106,fire,normal,81.5,6,0
+"['Flower Veil', 'Symbiosis']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,38,5120,70,303,225,Single Bloom Pokémon,39,1000000,0.1,44,Flabebeフラベベ,Flabébé,0,669,61,79,42,fairy,,0.1,6,0
+"['Flower Veil', 'Symbiosis']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,65,5120,70,551,120,Fairy Pokémon,67,1000000,0.2,74,Floetteフラエッテ,Floette,0,670,125,128,92,fairy,,0.9,6,0
+"['Flower Veil', 'Symbiosis']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,65,5120,70,552,45,Garden Pokémon,68,1000000,1.1,78,Florgesフラージェス,Florges,0,671,112,154,75,fairy,,10.0,6,0
+"['Sap Sipper', 'Grass Pelt']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,65,5120,70,350,200,Mount Pokémon,48,1000000,0.9,66,Meecleメェークル,Skiddo,50,672,62,57,52,grass,,31.0,6,0
+"['Sap Sipper', 'Grass Pelt']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,100,5120,70,531,45,Mount Pokémon,62,1000000,1.7,123,Gogoatゴーゴート,Gogoat,50,673,97,81,68,grass,,91.0,6,0
+"['Iron Fist', 'Mold Breaker', 'Scrappy']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,82,6400,70,348,220,Playful Pokémon,62,1000000,0.6,67,Yanchamヤンチャム,Pancham,50,674,46,48,43,fighting,,8.0,6,0
+"['Iron Fist', 'Mold Breaker', 'Scrappy']",1,0.25,1,1,4,2,1,2,0.5,1,1,1,1,1,0,0.5,1,1,124,6400,70,495,65,Daunting Pokémon,78,1000000,2.1,95,Gorondaゴロンダ,Pangoro,50,675,69,71,58,fighting,dark,136.0,6,0
+['Fur Coat'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,80,5120,70,472,160,Poodle Pokémon,60,1000000,1.2,75,Trimmienトリミアン,Furfrou,50,676,65,90,102,normal,,28.0,6,0
+"['Keen Eye', 'Infiltrator', 'Own Tempo']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,48,5120,70,355,190,Restraint Pokémon,54,1000000,0.3,62,Nyasperニャスパー,Espurr,50,677,63,60,68,psychic,,3.5,6,0
+"['Keen Eye', 'Infiltrator', 'Prankster', 'Competitive']",2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,48,5120,70,466,75,Constraint Pokémon,76,1000000,0.6,74,Nyaonixニャオニクス,Meowstic,50,678,83,81,104,psychic,,8.5,6,0
+['No Guard'],0.25,2,0.5,1,0.5,0,2,0.5,2,0.5,2,0.5,0,0,0.5,0.5,0.5,1,80,5120,70,325,180,Sword Pokémon,100,1000000,0.8,45,Hitotsukiヒトツキ,Honedge,50,679,35,37,28,steel,ghost,2.0,6,0
+['No Guard'],0.25,2,0.5,1,0.5,0,2,0.5,2,0.5,2,0.5,0,0,0.5,0.5,0.5,1,110,5120,70,448,90,Sword Pokémon,150,1000000,0.8,59,Nidangillニダンギル,Doublade,50,680,45,49,35,steel,ghost,4.5,6,0
+['Stance Change'],0.25,2,0.5,1,0.5,0,2,0.5,2,0.5,2,0.5,0,0,0.5,0.5,0.5,1,150,5120,70,520,45,Royal Sword Pokémon,50,1000000,1.7,60,Gillgardギルガルド,Aegislash,50,681,150,50,60,steel,ghost,53.0,6,0
+"['Healer', 'Aroma Veil']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,52,5120,70,341,200,Perfume Pokémon,60,1000000,0.2,78,Shushupuシュシュプ,Spritzee,50,682,63,65,23,fairy,,0.5,6,0
+"['Healer', 'Aroma Veil']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,72,5120,70,462,140,Fragrance Pokémon,72,1000000,0.8,101,Frefuwanフレフワン,Aromatisse,50,683,99,89,29,fairy,,15.5,6,0
+"['Sweet Veil', 'Unburden']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,48,5120,70,341,200,Cotton Candy Pokémon,66,1000000,0.4,62,Peroppafuペロッパフ,Swirlix,50,684,59,57,49,fairy,,3.5,6,0
+"['Sweet Veil', 'Unburden']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,80,5120,70,480,140,Meringue Pokémon,86,1000000,0.8,82,Peroreamペロリーム,Slurpuff,50,685,85,75,72,fairy,,5.0,6,0
+"['Contrary', 'Suction Cups', 'Infiltrator']",4,1,1,1,2,1,1,1,1,1,1,1,1,1,0,1,1,1,54,5120,70,288,190,Revolving Pokémon,53,1000000,0.4,53,Maaiikaマーイーカ,Inkay,50,686,37,46,45,dark,psychic,3.5,6,0
+"['Contrary', 'Suction Cups', 'Infiltrator']",4,1,1,1,2,1,1,1,1,1,1,1,1,1,0,1,1,1,92,5120,70,482,80,Overturning Pokémon,88,1000000,1.5,86,Calamaneroカラマネロ,Malamar,50,687,68,75,73,dark,psychic,47.0,6,0
+"['Tough Claws', 'Sniper', 'Pickpocket']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,52,5120,70,306,120,Two-Handed Pokémon,67,1000000,0.5,42,Kameteteカメテテ,Binacle,50,688,39,56,50,rock,water,31.0,6,0
+"['Tough Claws', 'Sniper', 'Pickpocket']",1,1,1,2,1,2,0.25,0.5,1,4,2,0.5,0.5,0.5,1,1,1,1,105,5120,70,500,45,Collective Pokémon,115,1000000,1.3,72,Gamenodesガメノデス,Barbaracle,50,689,54,86,68,rock,water,96.0,6,0
+"['Poison Point', 'Poison Touch', 'Adaptability']",0.5,1,1,2,0.5,0.5,0.5,1,1,1,2,0.5,1,0.5,2,1,0.5,0.5,60,5120,70,320,225,Mock Kelp Pokémon,60,1000000,0.5,50,Kuzumoクズモー,Skrelp,50,690,60,60,30,poison,water,7.3,6,0
+"['Poison Point', 'Poison Touch', 'Adaptability']",0.5,1,2,0.5,1,0.5,0.5,1,1,0.25,2,2,1,0.5,2,1,1,0.5,75,5120,70,494,55,Mock Kelp Pokémon,90,1000000,1.8,65,Dramidoroドラミドロ,Dragalge,50,691,97,123,44,poison,dragon,81.5,6,0
+['Mega Launcher'],1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,53,3840,70,330,225,Water Gun Pokémon,62,1250000,0.5,50,Udeppouウデッポウ,Clauncher,50,692,58,63,44,water,,8.3,6,0
+['Mega Launcher'],1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,73,3840,70,500,55,Howitzer Pokémon,88,1250000,1.3,71,Blosterブロスター,Clawitzer,50,693,120,89,59,water,,35.3,6,0
+"['Dry Skin', 'Sand Veil', 'Solar Power']",1,1,1,0.5,1,2,1,0.5,0,1,2,1,1,1,1,1,0.5,1,38,5120,70,289,190,Generator Pokémon,33,1000000,0.5,44,Erikiteruエリキテル,Helioptile,50,694,61,43,70,electric,normal,6.0,6,0
+"['Dry Skin', 'Sand Veil', 'Solar Power']",1,1,1,0.5,1,2,1,0.5,0,1,2,1,1,1,1,1,0.5,1,55,5120,70,481,75,Generator Pokémon,52,1000000,1.0,62,Elezardエレザード,Heliolisk,50,695,109,94,109,electric,normal,21.0,6,0
+"['Strong Jaw', 'Sturdy']",1,1,2,0.5,2,2,0.25,0.5,1,1,2,2,0.5,0.5,1,1,2,1,89,7680,70,362,45,Royal Heir Pokémon,77,1000000,0.8,58,Chigorasチゴラス,Tyrunt,88.1,696,45,45,48,rock,dragon,26.0,6,0
+"['Strong Jaw', 'Rock Head']",1,1,2,0.5,2,2,0.25,0.5,1,1,2,2,0.5,0.5,1,1,2,1,121,7680,70,521,45,Despot Pokémon,119,1000000,2.5,82,Gachigorasガチゴラス,Tyrantrum,88.1,697,69,59,71,rock,dragon,270.0,6,0
+"['Refrigerate', 'Snow Warning']",1,1,1,1,1,4,1,0.5,1,2,2,0.5,0.5,0.5,1,2,4,2,59,7680,70,362,45,Tundra Pokémon,50,1000000,1.3,77,Amarusアマルス,Amaura,88.1,698,67,63,46,rock,ice,25.2,6,0
+"['Refrigerate', 'Snow Warning']",1,1,1,1,1,4,1,0.5,1,2,2,0.5,0.5,0.5,1,2,4,2,77,7680,70,521,45,Tundra Pokémon,72,1000000,2.7,123,Amarurugaアマルルガ,Aurorus,88.1,699,99,92,58,rock,ice,225.0,6,0
+"['Cute Charm', 'Pixilate']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,65,8960,70,525,45,Intertwining Pokémon,65,1000000,1.0,95,Nymphiaニンフィア,Sylveon,88.1,700,110,130,60,fairy,,23.5,6,0
+"['Limber', 'Unburden', 'Mold Breaker']",0.25,0.5,1,2,2,0.5,1,2,1,0.5,0,2,1,1,2,1,1,1,92,5120,70,500,100,Wrestling Pokémon,75,1000000,0.8,78,Luchabullルチャブル,Hawlucha,50,701,74,63,118,fighting,flying,21.5,6,0
+"['Cheek Pouch', 'Pickup', 'Plus']",0.5,0.5,0,0.5,1,0.5,1,0.5,1,1,2,1,1,2,1,1,1,1,58,5120,70,431,180,Antenna Pokémon,57,1000000,0.2,67,Dedenneデデンネ,Dedenne,50,702,81,67,101,electric,fairy,2.2,6,0
+"['Clear Body', 'Sturdy']",0.5,0.5,0,1,1,1,0.5,0.5,1,2,2,1,0.5,1,1,1,4,2,50,6400,70,500,60,Jewel Pokémon,150,1250000,0.3,50,Melecieメレシー,Carbink,,703,50,150,50,rock,fairy,5.7,6,0
+"['Sap Sipper', 'Hydration', 'Gooey']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,50,10240,35,300,45,Soft Tissue Pokémon,35,1250000,0.3,45,Numeraヌメラ,Goomy,50,704,55,75,40,dragon,,2.8,6,0
+"['Sap Sipper', 'Hydration', 'Gooey']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,75,10240,35,452,45,Soft Tissue Pokémon,53,1250000,0.8,68,Numeilヌメイル,Sliggoo,50,705,83,113,60,dragon,,17.5,6,0
+"['Sap Sipper', 'Hydration', 'Gooey']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,100,10240,35,600,45,Dragon Pokémon,70,1250000,2.0,90,Numelgonヌメルゴン,Goodra,50,706,110,150,80,dragon,,150.5,6,0
+"['Prankster', 'Magician']",0.25,0.5,0,1,0.5,1,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,1,1,80,5120,70,470,75,Key Ring Pokémon,91,800000,0.2,57,Cleffyクレッフィ,Klefki,50,707,80,87,75,steel,fairy,3.0,6,0
+"['Natural Cure', 'Frisk', 'Harvest']",1,2,1,0.5,1,0,2,2,2,0.5,0.5,2,0,1,1,1,1,0.5,70,5120,70,309,120,Stump Pokémon,48,1000000,0.4,43,Bokureiボクレー,Phantump,50,708,50,60,38,ghost,grass,7.0,6,0
+"['Natural Cure', 'Frisk', 'Harvest']",1,2,1,0.5,1,0,2,2,2,0.5,0.5,2,0,1,1,1,1,0.5,110,5120,70,474,60,Elder Tree Pokémon,76,1000000,1.5,85,Ohrotオーロット,Trevenant,50,709,65,82,56,ghost,grass,71.0,6,0
+"['Pickup', 'Frisk', 'Insomnia']",1,2,1,0.5,1,0,2,2,2,0.5,0.5,2,0,1,1,1,1,0.5,66,5120,70,335,120,Pumpkin Pokémon,70,1000000,0.8,59,Bakecchaバケッチャ,Pumpkaboo,50,710,44,55,41,ghost,grass,15.0,6,0
+"['Pickup', 'Frisk', 'Insomnia']",1,2,1,0.5,1,0,2,2,2,0.5,0.5,2,0,1,1,1,1,0.5,100,5120,70,494,60,Pumpkin Pokémon,122,1000000,1.7,85,Pumpjinパンプジン,Gourgeist,50,711,58,75,54,ghost,grass,39.0,6,0
+"['Own Tempo', 'Ice Body', 'Sturdy']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,69,5120,70,304,190,Ice Chunk Pokémon,85,1000000,1.0,55,Kachikohruカチコール,Bergmite,50,712,32,35,28,ice,,99.5,6,0
+"['Own Tempo', 'Ice Body', 'Sturdy']",1,1,1,1,1,2,2,1,1,1,1,0.5,1,1,1,2,2,1,117,5120,70,514,55,Iceberg Pokémon,184,1000000,2.0,95,Crebaseクレベース,Avalugg,50,713,44,46,28,ice,,505.0,6,0
+"['Frisk', 'Infiltrator', 'Telepathy']",0.5,1,2,1,2,0.5,0.5,1,1,0.25,0,4,1,1,1,2,1,0.5,30,5120,70,245,190,Sound Wave Pokémon,35,1000000,0.5,40,Onbatオンバット,Noibat,50,714,45,40,55,flying,dragon,8.0,6,0
+"['Frisk', 'Infiltrator', 'Telepathy']",0.5,1,2,1,2,0.5,0.5,1,1,0.25,0,4,1,1,1,2,1,0.5,70,5120,70,535,45,Sound Wave Pokémon,80,1000000,1.5,85,Onvernオンバーン,Noivern,50,715,97,80,123,flying,dragon,85.0,6,0
+['Fairy Aura'],0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,131,30720,0,680,45,Life Pokémon,95,1250000,3.0,126,Xerneasゼルネアス,Xerneas,,716,131,98,99,fairy,,215.0,6,1
+['Dark Aura'],1,0.5,1,2,2,1,1,1,0.5,0.5,0,2,1,1,0,2,1,1,131,30720,0,680,45,Destruction Pokémon,95,1250000,5.8,126,Yveltalイベルタル,Yveltal,,717,131,98,99,dark,flying,203.0,6,1
+"['Aura Break', 'Power Construct']",1,1,2,0,2,1,0.5,1,1,1,1,4,1,0.5,1,0.5,1,1,100,30720,0,708,3,Order Pokémon,121,1250000,5.0,216,Zygarde (10% Forme)ジガルデ,Zygarde,,718,91,95,85,dragon,ground,284.6,6,1
+['Clear Body'],0.5,0.5,0,1,1,1,0.5,0.5,1,2,2,1,0.5,1,1,1,4,2,160,6400,70,700,3,Jewel Pokémon,110,1250000,0.7,50,Diancieディアンシー,Diancie,,719,160,110,110,rock,fairy,8.8,6,1
+['Magician'],1,4,1,1,1,0,1,1,4,1,1,1,0,0.5,0.5,1,1,1,160,30720,100,680,3,Mischief Pokémon (Confined)Djinn Pokémonn (Unbound),60,1250000,,80,Hoopa (imashimerareshi Hoopa)フーパ,Hoopa,,720,170,130,80,psychic,ghost,,6,1
+['Water Absorb'],0.5,1,1,2,0.5,1,0.25,1,1,1,2,0.25,1,1,1,2,0.25,1,110,30720,100,600,3,Steam Pokémon,120,1250000,1.7,80,Volcanionボルケニオン,Volcanion,,721,130,90,70,fire,water,195.0,6,1
+"['Overgrow', 'Long Reach']",1,1,1,1,1,0.5,2,2,1,0.25,0,4,1,2,1,2,1,0.5,55,3840,70,320,45,Grass Quill Pokémon,55,1059860,0.3,68,Mokurohモクロー,Rowlet,88.1,722,50,50,42,grass,flying,1.5,7,0
+"['Overgrow', 'Long Reach']",1,1,1,1,1,0.5,2,2,1,0.25,0,4,1,2,1,2,1,0.5,75,3840,70,420,45,Blade Quill Pokémon,75,1059860,0.7,78,Fukuthrowフクスロー,Dartrix,88.1,723,70,70,52,grass,flying,16.0,7,0
+"['Overgrow', 'Long Reach']",1,2,1,0.5,1,0,2,2,2,0.5,0.5,2,0,1,1,1,1,0.5,107,3840,70,530,45,Arrow Quill Pokémon,75,1059860,1.6,78,Junaiperジュナイパー,Decidueye,88.1,724,100,100,70,grass,ghost,36.6,7,0
+"['Blaze', 'Intimidate']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,65,3840,70,320,45,Fire Cat Pokémon,40,1059860,0.4,45,Nyabbyニャビー,Litten,88.1,725,60,40,70,fire,,4.3,7,0
+"['Blaze', 'Intimidate']",0.5,1,1,1,0.5,1,0.5,1,1,0.5,2,0.5,1,1,1,2,0.5,2,85,3840,70,420,45,Fire Cat Pokémon,50,1059860,0.7,65,Nyaheatニャヒート,Torracat,88.1,726,80,50,90,fire,,25.0,7,0
+"['Blaze', 'Intimidate']",1,0.5,1,1,1,2,0.5,1,0.5,0.5,2,0.5,1,1,0,2,0.5,2,115,3840,70,530,45,Heel Pokémon,90,1059860,1.8,95,Gaogaenガオガエン,Incineroar,88.1,727,80,90,60,fire,dark,83.0,7,0
+"['Torrent', 'Liquid Voice']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,54,3840,70,320,45,Sea Lion Pokémon,54,1059860,0.4,50,Ashimariアシマリ,Popplio,88.1,728,66,56,40,water,,7.5,7,0
+"['Torrent', 'Liquid Voice']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,69,3840,70,420,45,Pop Star Pokémon,69,1059860,0.6,60,Osyamariオシャマリ,Brionne,88.1,729,91,81,50,water,,17.5,7,0
+"['Torrent', 'Liquid Voice']",0.5,0.5,0,2,1,0.5,0.5,1,1,2,1,0.5,1,2,1,1,1,0.5,74,3840,70,530,45,Soloist Pokémon,74,1059860,1.8,80,Ashireneアシレーヌ,Primarina,88.1,730,126,116,60,water,fairy,44.0,7,0
+"['Keen Eye', 'Skill Link', 'Pickup']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,75,3840,70,265,255,Woodpecker Pokémon,30,1000000,0.3,35,Tsutsukeraツツケラ,Pikipek,50,731,30,30,65,normal,flying,1.2,7,0
+"['Keen Eye', 'Skill Link', 'Pickup']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,85,3840,70,355,120,Bugle Beak Pokémon,50,1000000,0.6,55,Kerarappaケララッパ,Trumbeak,50,732,40,50,75,normal,flying,14.8,7,0
+"['Keen Eye', 'Skill Link', 'Sheer Force']",0.5,1,1,2,1,1,1,1,0,0.5,0,2,1,1,1,2,1,1,120,3840,70,485,45,Cannon Pokémon,75,1000000,1.1,80,Dodekabashiドデカバシ,Toucannon,50,733,75,75,60,normal,flying,26.0,7,0
+"['Stakeout', 'Strong Jaw', 'Adaptability']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,70,3840,70,253,255,Loitering Pokémon,30,1000000,0.4,48,Youngooseヤングース,Yungoos,50,734,30,30,45,normal,,6.0,7,0
+"['Stakeout', 'Strong Jaw', 'Adaptability']",1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,110,3840,70,418,127,Stakeout Pokémon,60,1000000,0.7,88,Dekagooseデカグース,Gumshoos,50,735,55,60,45,normal,,14.2,7,0
+['Swarm'],1,1,1,1,1,0.5,2,2,1,0.5,0.5,1,1,1,1,2,1,1,62,3840,70,300,255,Larva Pokémon,45,1000000,0.4,47,Agojimushiアゴジムシ,Grubbin,50,736,55,45,46,bug,,4.4,7,0
+['Battery'],1,1,1,0.5,1,0.5,2,1,1,0.5,1,1,1,1,1,2,0.5,1,82,3840,70,400,120,Battery Pokémon,95,1000000,0.5,57,Dendimushiデンヂムシ,Charjabug,50,737,55,75,36,bug,electric,10.5,7,0
+['Levitate'],1,1,1,0.5,1,0.5,2,1,1,0.5,1,1,1,1,1,2,0.5,1,70,3840,70,500,45,Stag Beetle Pokémon,90,1000000,1.5,77,Kuwagannonクワガノン,Vikavolt,50,738,145,75,43,bug,electric,45.0,7,0
+"['Hyper Cutter', 'Iron Fist', 'Anger Point']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,82,5120,70,338,225,Boxing Pokémon,57,1000000,0.6,47,Makenkaniマケンカニ,Crabrawler,50,739,42,47,63,fighting,,7.0,7,0
+"['Hyper Cutter', 'Iron Fist', 'Anger Point']",0.5,0.5,1,1,2,2,2,2,1,1,1,0.5,1,1,2,1,2,1,132,5120,70,478,60,Woolly Crab Pokémon,77,1000000,1.7,97,Kekenkaniケケンカニ,Crabominable,50,740,62,67,43,fighting,ice,180.0,7,0
+['Dancer'],0.25,1,1,2,0.5,0.5,0.5,1,1,0.25,0,1,1,1,1,4,0.5,2,70,5120,70,476,45,Dancing Pokémon,70,1000000,0.6,75,Odoridori (pachipachi Style)オドリドリ,Oricorio,24.6,741,98,70,93,fire,flying,3.4,7,0
+"['Honey Gather', 'Shield Dust', 'Sweet Veil']",0.5,0.5,0,1,1,0.25,2,2,1,0.5,0.5,1,1,2,1,2,2,1,45,5120,70,304,190,Bee Fly Pokémon,40,1000000,0.1,40,Abulyアブリー,Cutiefly,50,742,55,40,84,bug,fairy,0.2,7,0
+"['Honey Gather', 'Shield Dust', 'Sweet Veil']",0.5,0.5,0,1,1,0.25,2,2,1,0.5,0.5,1,1,2,1,2,2,1,55,5120,70,464,75,Bee Fly Pokémon,60,1000000,0.2,60,Aburibbonアブリボン,Ribombee,50,743,95,70,124,bug,fairy,0.5,7,0
+"['Keen Eye', 'Vital Spirit', 'Steadfast']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,65,3840,70,280,190,Puppy Pokémon,40,1000000,0.5,45,Iwankoイワンコ,Rockruff,50,744,30,40,60,rock,,9.2,7,0
+"['Keen Eye', 'Sand Rush', 'Steadfast', 'Keen Eye', 'Vital Spirit', 'No Guard']",1,1,1,1,1,2,0.5,0.5,1,2,2,1,0.5,0.5,1,1,2,2,115,3840,70,487,90,Wolf Pokémon,75,1000000,,85,Lugarugan (mahiru No Sugata)ルガルガン,Lycanroc,50,745,55,75,82,rock,,,7,0
+['Schooling'],1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,140,3840,70,620,60,Small Fry Pokémon,130,800000,0.2,45,Yowashi (tandoku No Sugata)ヨワシ,Wishiwashi,50,746,140,135,30,water,,0.3,7,0
+"['Merciless', 'Limber', 'Regenerator']",0.5,1,1,2,0.5,0.5,0.5,1,1,1,2,0.5,1,0.5,2,1,0.5,0.5,53,5120,70,305,190,Brutal Star Pokémon,62,1000000,0.4,50,Hidoideヒドイデ,Mareanie,50,747,43,52,45,poison,water,8.0,7,0
+"['Merciless', 'Limber', 'Regenerator']",0.5,1,1,2,0.5,0.5,0.5,1,1,1,2,0.5,1,0.5,2,1,0.5,0.5,63,5120,70,495,75,Brutal Star Pokémon,152,1000000,0.7,50,Dohidoideドヒドイデ,Toxapex,50,748,53,142,35,poison,water,14.5,7,0
+"['Own Tempo', 'Stamina', 'Inner Focus']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,100,5120,70,385,190,Donkey Pokémon,70,1000000,1.0,70,Dorobankoドロバンコ,Mudbray,50,749,45,55,45,ground,,110.0,7,0
+"['Own Tempo', 'Stamina', 'Inner Focus']",1,1,1,0,1,1,1,1,1,2,1,2,1,0.5,1,0.5,1,2,125,5120,70,500,60,Draft Horse Pokémon,100,1000000,2.5,100,Banbadoroバンバドロ,Mudsdale,50,750,55,85,35,ground,,920.0,7,0
+"['Water Bubble', 'Water Absorb']",1,1,1,2,1,0.5,1,2,1,1,0.5,0.5,1,1,1,2,0.5,0.5,40,3840,70,269,200,Water Bubble Pokémon,52,1000000,0.3,38,Shizukumoシズクモ,Dewpider,50,751,40,72,27,water,bug,4.0,7,0
+"['Water Bubble', 'Water Absorb']",1,1,1,2,1,0.5,1,2,1,1,0.5,0.5,1,1,1,2,0.5,0.5,70,3840,70,454,100,Water Bubble Pokémon,92,1000000,1.8,68,Onishizukumoオニシズクモ,Araquanid,50,752,50,132,42,water,bug,82.0,7,0
+"['Leaf Guard', 'Contrary']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,55,5120,70,250,190,Sickle Grass Pokémon,35,1000000,0.3,40,Karikiriカリキリ,Fomantis,50,753,50,35,35,grass,,1.5,7,0
+"['Leaf Guard', 'Contrary']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,105,5120,70,480,75,Bloom Sickle Pokémon,90,1000000,0.9,70,Lalantesラランテス,Lurantis,50,754,80,90,45,grass,,18.5,7,0
+"['Illuminate', 'Effect Spore', 'Rain Dish']",1,0.5,0,0.5,1,0.5,2,2,1,0.5,0.5,2,1,4,1,1,2,0.5,35,5120,70,285,190,Illuminating Pokémon,55,1000000,0.2,40,Nemasyuネマシュ,Morelull,50,755,65,75,15,grass,fairy,1.5,7,0
+"['Illuminate', 'Effect Spore', 'Rain Dish']",1,0.5,0,0.5,1,0.5,2,2,1,0.5,0.5,2,1,4,1,1,2,0.5,45,5120,70,405,75,Illuminating Pokémon,80,1000000,1.0,60,Mashadeマシェード,Shiinotic,50,756,90,100,30,grass,fairy,11.5,7,0
+"['Corrosion', 'Oblivious']",0.25,1,1,1,0.25,0.5,0.5,1,1,0.25,4,0.5,1,0.5,2,2,0.5,2,44,5120,70,320,120,Toxic Lizard Pokémon,40,1000000,0.6,48,Yatoumoriヤトウモリ,Salandit,88.1,757,71,40,77,poison,fire,4.8,7,0
+"['Corrosion', 'Oblivious']",0.25,1,1,1,0.25,0.5,0.5,1,1,0.25,4,0.5,1,0.5,2,2,0.5,2,64,5120,70,480,45,Toxic Lizard Pokémon,60,1000000,1.2,68,Ennewtエンニュート,Salazzle,0,758,111,60,117,poison,fire,22.2,7,0
+"['Fluffy', 'Klutz', 'Cute Charm']",0.5,0.5,1,1,2,2,1,2,0,1,1,1,1,1,2,0.5,1,1,75,3840,70,340,140,Flailing Pokémon,50,1000000,0.5,70,Nuikogumaヌイコグマ,Stufful,50,759,45,50,50,normal,fighting,6.8,7,0
+"['Fluffy', 'Klutz', 'Unnerve']",0.5,0.5,1,1,2,2,1,2,0,1,1,1,1,1,2,0.5,1,1,125,3840,70,500,70,Strong Arm Pokémon,80,1000000,2.1,120,Kiterugumaキテルグマ,Bewear,50,760,55,60,60,normal,fighting,135.0,7,0
+"['Leaf Guard', 'Oblivious', 'Sweet Veil']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,30,5120,70,210,235,Fruit Pokémon,38,1059860,0.3,42,Amakajiアマカジ,Bounsweet,0,761,30,38,32,grass,,3.2,7,0
+"['Leaf Guard', 'Oblivious', 'Sweet Veil']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,40,5120,70,290,120,Fruit Pokémon,48,1059860,0.7,52,Amamaikoアママイコ,Steenee,0,762,40,48,62,grass,,8.2,7,0
+"['Leaf Guard', 'Queenly Majesty', 'Sweet Veil']",2,1,1,0.5,1,1,2,2,1,0.5,0.5,2,1,2,1,1,1,0.5,120,5120,70,510,45,Fruit Pokémon,98,1059860,1.2,72,Amajoアマージョ,Tsareena,0,763,50,98,72,grass,,21.4,7,0
+"['Flower Veil', 'Triage', 'Natural Cure']",0.5,0.5,0,1,1,0.5,1,1,1,1,1,1,1,2,1,1,2,1,52,5120,70,485,60,Posy Picker Pokémon,90,800000,0.1,51,Cuwawaキュワワー,Comfey,24.6,764,82,110,100,fairy,,0.3,7,0
+"['Inner Focus', 'Telepathy', 'Symbiosis']",2,2,1,1,1,1,1,1,0,1,1,1,1,1,0.5,1,1,1,60,5120,70,490,45,Sage Pokémon,80,1250000,1.5,90,Yareyuutanヤレユータン,Oranguru,50,765,90,110,60,normal,psychic,76.0,7,0
+"['Receiver', 'Defiant']",0.5,0.5,1,1,2,1,1,2,1,1,1,1,1,1,2,0.5,1,1,120,5120,70,490,45,Teamwork Pokémon,90,1250000,2.0,100,Nagetukesaruナゲツケサル,Passimian,50,766,40,60,80,fighting,,82.8,7,0
+['Wimp Out'],1,1,1,2,1,0.5,1,2,1,1,0.5,0.5,1,1,1,2,0.5,0.5,35,5120,70,230,90,Turn Tail Pokémon,40,1000000,0.5,25,Kosokumushiコソクムシ,Wimpod,50,767,20,30,80,bug,water,12.0,7,0
+['Emergency Exit'],1,1,1,2,1,0.5,1,2,1,1,0.5,0.5,1,1,1,2,0.5,0.5,125,5120,70,530,45,Hard Scale Pokémon,140,1000000,2.0,75,Gusokumushaグソクムシャ,Golisopod,50,768,60,90,40,bug,water,108.0,7,0
+"['Water Compaction', 'Sand Veil']",0.5,2,1,0,1,0,1,1,2,2,1,2,0,0.25,1,0.5,1,2,55,3840,70,320,140,Sand Heap Pokémon,80,1000000,0.5,55,Sunabaスナバァ,Sandygast,50,769,70,45,15,ghost,ground,70.0,7,0
+"['Water Compaction', 'Sand Veil']",0.5,2,1,0,1,0,1,1,2,2,1,2,0,0.25,1,0.5,1,2,75,3840,70,480,60,Sand Castle Pokémon,110,1000000,1.3,85,Sirodethnaシロデスナ,Palossand,50,770,100,75,35,ghost,ground,250.0,7,0
+"['Innards Out', 'Unaware']",1,1,1,2,1,1,0.5,1,1,2,1,0.5,1,1,1,1,0.5,0.5,60,3840,70,410,60,Sea Cucumber Pokémon,130,800000,0.3,55,Namakobushiナマコブシ,Pyukumuku,50,771,30,130,5,water,,1.2,7,0
+['Battle Armor'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,95,30720,0,534,3,Synthetic Pokémon,95,1250000,1.9,95,Type: Nullタイプ:ヌル,Type: Null,,772,95,95,59,normal,,120.5,7,0
+['RKS System'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,95,30720,0,570,3,Synthetic Pokémon,95,1250000,2.3,95,Silvadyシルヴァディ,Silvally,,773,95,95,95,normal,,100.5,7,0
+['Shields Down'],0.5,1,1,2,1,1,0.5,0.5,1,1,0,2,0.5,0.5,1,2,2,2,100,6400,70,500,30 (Meteorite)255 (Core),Meteor Pokémon,60,1059860,0.3,60,Metenoメテノ,Minior,,774,100,60,120,rock,flying,40.0,7,0
+['Comatose'],1,1,1,1,1,2,1,1,0,1,1,1,1,1,1,1,1,1,115,5120,70,480,45,Drowsing Pokémon,65,1250000,0.4,65,Nekkoaraネッコアラ,Komala,50,775,75,95,65,normal,,19.9,7,0
+['Shell Armor'],0.5,1,2,0.5,1,1,0.25,1,1,0.25,2,1,1,1,1,2,0.5,1,78,5120,70,485,70,Blast Turtle Pokémon,135,1000000,2.0,60,Bakugamesバクガメス,Turtonator,50,776,91,85,36,fire,dragon,212.0,7,0
+"['Iron Barbs', 'Lightningrod', 'Sturdy']",0.5,1,0.5,0.5,0.5,2,2,0.25,1,0.5,4,0.5,0.5,0,0.5,0.5,0.25,1,98,2560,70,435,180,Roly-Poly Pokémon,63,1000000,0.3,65,Togedemaruトゲデマル,Togedemaru,50,777,40,73,96,electric,steel,3.3,7,0
+['Disguise'],0.25,1,0,1,1,0,1,1,2,1,1,1,0,1,1,1,2,1,90,5120,70,476,45,Disguise Pokémon,80,1000000,0.2,55,Mimikkyuミミッキュ,Mimikyu,50,778,50,105,96,ghost,fairy,0.7,7,0
+"['Dazzling', 'Strong Jaw', 'Wonder Skin ']",2,2,1,2,1,0.5,0.5,1,2,2,1,0.5,1,1,0.5,1,0.5,0.5,105,3840,70,475,80,Gnash Teeth Pokémon,70,1000000,0.9,68,Hagigishiriハギギシリ,Bruxish,50,779,70,70,92,water,psychic,19.0,7,0
+"['Berserk', 'Sap Sipper', 'Cloud Nine']",1,1,2,0.5,2,2,0.5,1,0,0.5,1,2,1,1,1,1,1,0.5,60,5120,70,485,70,Placid Pokémon,85,1000000,3.0,78,Jijilongジジーロン,Drampa,50,780,135,91,36,normal,dragon,185.0,7,0
+['Steelworker'],1,2,1,0.5,1,0,2,2,2,0.5,0.5,2,0,1,1,1,1,0.5,131,6400,70,517,25,Sea Creeper Pokémon,100,1000000,3.9,70,Dadarinダダリン,Dhelmise,,781,86,90,40,ghost,grass,210.0,7,0
+"['Bulletproof', 'Soundproof', 'Overcoat']",1,1,2,0.5,2,1,0.5,1,1,0.5,1,2,1,1,1,1,1,0.5,55,10240,70,300,45,Scaly Pokémon,65,1250000,0.6,45,Jyarakoジャラコ,Jangmo-o,50,782,45,45,45,dragon,,29.7,7,0
+"['Bulletproof', 'Soundproof', 'Overcoat']",0.5,0.5,2,0.5,4,1,0.5,2,1,0.5,1,2,1,1,2,0.5,1,0.5,75,10240,70,420,45,Scaly Pokémon,90,1250000,1.2,55,Jyarangoジャランゴ,Hakamo-o,50,783,65,70,65,dragon,fighting,47.0,7,0
+"['Bulletproof', 'Soundproof', 'Overcoat']",0.5,0.5,2,0.5,4,1,0.5,2,1,0.5,1,2,1,1,2,0.5,1,0.5,110,10240,70,600,45,Scaly Pokémon,125,1250000,1.6,75,Jyararangaジャラランガ,Kommo-o,50,784,100,105,85,dragon,fighting,78.2,7,0
+"['Electric Surge', 'Telepathy']",0.5,0.5,0,0.5,1,0.5,1,0.5,1,1,2,1,1,2,1,1,1,1,115,3840,70,570,3,Land Spirit Pokémon,85,1250000,1.8,70,Kapu-kokekoカプ・コケコ,Tapu Koko,,785,95,75,130,electric,fairy,20.5,7,1
+"['Psychic Surge', 'Telepathy']",1,1,0,1,1,0.25,1,1,2,1,1,1,1,2,0.5,1,2,1,85,3840,70,570,3,Land Spirit Pokémon,75,1250000,1.2,70,Kapu-tetefuカプ・テテフ,Tapu Lele,,786,130,115,95,psychic,fairy,18.6,7,1
+"['Grassy Surge', 'Telepathy']",1,0.5,0,0.5,1,0.5,2,2,1,0.5,0.5,2,1,4,1,1,2,0.5,130,3840,70,570,3,Land Spirit Pokémon,115,1250000,1.9,70,Kapu-bululカプ・ブルル,Tapu Bulu,,787,85,95,75,grass,fairy,45.5,7,1
+"['Misty Surge', 'Telepathy']",0.5,0.5,0,2,1,0.5,0.5,1,1,2,1,0.5,1,2,1,1,1,0.5,75,3840,70,570,3,Land Spirit Pokémon,115,1250000,1.3,70,Kapu-rehireカプ・レヒレ,Tapu Fini,,788,95,130,85,water,fairy,21.2,7,1
+['Unaware'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,29,30720,0,200,45,Nebula Pokémon,31,1250000,0.2,43,Cosmogコスモッグ,Cosmog,,789,29,31,37,psychic,,0.1,7,1
+['Sturdy'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,29,30720,0,400,45,Protostar Pokémon,131,1250000,0.1,43,Cosmovumコスモウム,Cosmoem,,790,29,131,37,psychic,,999.9,7,1
+['Full Metal Body'],1,2,0.5,1,0.5,1,2,0.5,2,0.5,2,0.5,0.5,0,0.25,0.5,0.5,1,137,30720,0,680,45,Sunne Pokémon,107,1250000,3.4,137,Solgaleoソルガレオ,Solgaleo,,791,113,89,97,psychic,steel,230.0,7,1
+['Shadow Shield'],1,4,1,1,1,0,1,1,4,1,1,1,0,0.5,0.5,1,1,1,113,30720,0,680,45,Moone Pokémon,89,1250000,4.0,137,Lunalaルナアーラ,Lunala,,792,137,107,97,psychic,ghost,120.0,7,1
+['Beast Boost'],0.5,1,1,1,0.5,1,0.5,0.5,1,1,4,1,0.5,0.25,2,1,2,2,53,30720,0,570,45,Parasite Pokémon,47,1250000,1.2,109,Uturoidウツロイド,Nihilego,,793,127,131,103,rock,poison,55.5,7,1
+['Beast Boost'],0.5,0.5,1,1,2,0.5,2,4,1,0.5,0.5,1,1,1,2,1,1,1,139,30720,0,570,25,Swollen Pokémon,139,1250000,2.4,107,Massivoonマッシブーン,Buzzwole,,794,53,53,79,bug,fighting,333.6,7,1
+['Beast Boost'],0.5,0.5,1,1,2,0.5,2,4,1,0.5,0.5,1,1,1,2,1,1,1,137,30720,0,570,255,Lissome Pokémon,37,1250000,1.8,71,Pheroacheフェローチェ,Pheromosa,,795,137,37,151,bug,fighting,25.0,7,1
+['Beast Boost'],1,1,1,0.5,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,89,30720,0,570,30,Glowing Pokémon,71,1250000,3.8,83,Denjyumokuデンジュモク,Xurkitree,,796,173,71,83,electric,,100.0,7,1
+['Beast Boost'],0.25,1,0.5,2,0.5,1,2,0.5,1,0.25,0,1,0.5,0,0.5,1,0.5,1,101,30720,0,570,25,Launch Pokémon,103,1250000,9.2,97,Tekkaguyaテッカグヤ,Celesteela,,797,107,101,61,steel,flying,999.9,7,1
+['Beast Boost'],1,1,0.5,0.5,0.5,2,4,1,1,0.25,1,1,0.5,0,0.5,0.5,0.5,0.5,181,30720,0,570,255,Drawn Sword Pokémon,131,1250000,0.3,59,Kamiturugiカミツルギ,Kartana,,798,59,31,109,grass,steel,0.1,7,1
+['Beast Boost'],2,0.5,2,0.5,4,2,0.5,1,0.5,0.5,1,2,1,1,0,1,1,0.5,101,30720,0,570,15,Junkivore Pokémon,53,1250000,5.5,223,Akuzikingアクジキング,Guzzlord,,799,97,53,43,dark,dragon,888.0,7,1
+['Prism Armor'],2,2,1,1,1,0.5,1,1,2,1,1,1,1,1,0.5,1,1,1,107,30720,0,600,3,Prism Pokémon,101,1250000,2.4,97,Necrozmaネクロズマ,Necrozma,,800,127,89,79,psychic,,230.0,7,1
+['Soul-Heart'],0.25,0.5,0,1,0.5,1,2,0.5,1,0.5,2,0.5,0.5,0,0.5,0.5,1,1,95,30720,0,600,3,Artificial Pokémon,115,1250000,1.0,80,Magearnaマギアナ,Magearna,,801,130,115,65,steel,fairy,80.5,7,1
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/updatedPokemon.csv b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/updatedPokemon.csv
new file mode 100644
index 0000000000000000000000000000000000000000..4067c01c8eded0a13e9b982c9b12b35667a1dee3
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/data/updatedPokemon.csv
@@ -0,0 +1,802 @@
+,abilities,against_bug,against_dark,against_dragon,against_electric,against_fairy,against_fight,against_fire,against_flying,against_ghost,against_grass,against_ground,against_ice,against_normal,against_poison,against_psychic,against_rock,against_steel,against_water,attack,base_egg_steps,base_happiness,base_total,capture_rate,classfication,defense,experience_growth,height_m,hp,japanese_name,name,percentage_male,pokedex_number,sp_attack,sp_defense,speed,type1,type2,weight_kg,generation,is_legendary
+0,"['Overgrow', 'Chlorophyll']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,49,5120,70,318,45,Seed Pokémon,49,1059860,0.7,45,Fushigidaneフシギダネ,Bulbasaur,88.1,1,65,65,45,grass,poison,6.9,1,0
+1,"['Overgrow', 'Chlorophyll']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,62,5120,70,405,45,Seed Pokémon,63,1059860,1.0,60,Fushigisouフシギソウ,Ivysaur,88.1,2,80,80,60,grass,poison,13.0,1,0
+2,"['Overgrow', 'Chlorophyll']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,100,5120,70,625,45,Seed Pokémon,123,1059860,2.0,80,Fushigibanaフシギバナ,Venusaur,88.1,3,122,120,80,grass,poison,100.0,1,0
+3,"['Blaze', 'Solar Power']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,52,5120,70,309,45,Lizard Pokémon,43,1059860,0.6,39,Hitokageヒトカゲ,Charmander,88.1,4,60,50,65,fire,,8.5,1,0
+4,"['Blaze', 'Solar Power']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,64,5120,70,405,45,Flame Pokémon,58,1059860,1.1,58,Lizardoリザード,Charmeleon,88.1,5,80,65,80,fire,,19.0,1,0
+5,"['Blaze', 'Solar Power']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,104,5120,70,634,45,Flame Pokémon,78,1059860,1.7,78,Lizardonリザードン,Charizard,88.1,6,159,115,100,fire,flying,90.5,1,0
+6,"['Torrent', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,48,5120,70,314,45,Tiny Turtle Pokémon,65,1059860,0.5,44,Zenigameゼニガメ,Squirtle,88.1,7,50,64,43,water,,9.0,1,0
+7,"['Torrent', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,63,5120,70,405,45,Turtle Pokémon,80,1059860,1.0,59,Kameilカメール,Wartortle,88.1,8,65,80,58,water,,22.5,1,0
+8,"['Torrent', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,103,5120,70,630,45,Shellfish Pokémon,120,1059860,1.6,79,Kamexカメックス,Blastoise,88.1,9,135,115,78,water,,85.5,1,0
+9,"['Shield Dust', 'Run Away']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,30,3840,70,195,255,Worm Pokémon,35,1000000,0.3,45,Caterpieキャタピー,Caterpie,50.0,10,20,20,45,bug,,2.9,1,0
+10,['Shed Skin'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,20,3840,70,205,120,Cocoon Pokémon,55,1000000,0.7,50,Transelトランセル,Metapod,50.0,11,25,25,30,bug,,9.9,1,0
+11,"['Compoundeyes', 'Tinted Lens']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,45,3840,70,395,45,Butterfly Pokémon,50,1000000,1.1,60,Butterfreeバタフリー,Butterfree,50.0,12,90,80,70,bug,flying,32.0,1,0
+12,"['Shield Dust', 'Run Away']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,35,3840,70,195,255,Hairy Pokémon,30,1000000,0.3,40,Beedleビードル,Weedle,50.0,13,20,20,50,bug,poison,3.2,1,0
+13,['Shed Skin'],0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,25,3840,70,205,120,Cocoon Pokémon,50,1000000,0.6,45,Cocoonコクーン,Kakuna,50.0,14,25,25,35,bug,poison,10.0,1,0
+14,"['Swarm', 'Sniper']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,150,3840,70,495,45,Poison Bee Pokémon,40,1000000,1.0,65,Spearスピアー,Beedrill,50.0,15,15,80,145,bug,poison,29.5,1,0
+15,"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,45,3840,70,251,255,Tiny Bird Pokémon,40,1059860,0.3,40,Poppoポッポ,Pidgey,50.0,16,35,35,56,normal,flying,1.8,1,0
+16,"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,60,3840,70,349,120,Bird Pokémon,55,1059860,1.1,63,Pigeonピジョン,Pidgeotto,50.0,17,50,50,71,normal,flying,30.0,1,0
+17,"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,80,3840,70,579,45,Bird Pokémon,80,1059860,1.5,83,Pigeotピジョット,Pidgeot,50.0,18,135,80,121,normal,flying,39.5,1,0
+18,"['Run Away', 'Guts', 'Hustle', 'Gluttony', 'Hustle', 'Thick Fat']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,56,3840,70,253,255,Mouse Pokémon,35,1000000,,30,Korattaコラッタ,Rattata,50.0,19,25,35,72,normal,dark,,1,0
+19,"['Run Away', 'Guts', 'Hustle', 'Gluttony', 'Hustle', 'Thick Fat']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,71,3840,70,413,127,Mouse Pokémon,70,1000000,,75,Rattaラッタ,Raticate,50.0,20,40,80,77,normal,dark,,1,0
+20,"['Keen Eye', 'Sniper']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,60,3840,70,262,255,Tiny Bird Pokémon,30,1000000,0.3,40,Onisuzumeオニスズメ,Spearow,50.0,21,31,31,70,normal,flying,2.0,1,0
+21,"['Keen Eye', 'Sniper']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,90,3840,70,442,90,Beak Pokémon,65,1000000,1.2,65,Onidrillオニドリル,Fearow,50.0,22,61,61,100,normal,flying,38.0,1,0
+22,"['Intimidate', 'Shed Skin', 'Unnerve']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,60,5120,70,288,255,Snake Pokémon,44,1000000,2.0,35,Arboアーボ,Ekans,50.0,23,40,54,55,poison,,6.9,1,0
+23,"['Intimidate', 'Shed Skin', 'Unnerve']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,95,5120,70,448,90,Cobra Pokémon,69,1000000,3.5,60,Arbokアーボック,Arbok,50.0,24,65,79,80,poison,,65.0,1,0
+24,"['Static', 'Lightningrod']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,2560,70,320,190,Mouse Pokémon,40,1000000,0.4,35,Pikachuピカチュウ,Pikachu,50.0,25,50,50,90,electric,,6.0,1,0
+25,"['Static', 'Lightningrod', 'Surge Surfer']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,2560,70,485,75,Mouse Pokémon,50,1000000,,60,Raichuライチュウ,Raichu,50.0,26,95,85,110,electric,electric,,1,0
+26,"['Sand Veil', 'Sand Rush', 'Snow Cloak', 'Slush Rush']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,75,5120,70,300,255,Mouse Pokémon,90,1000000,,50,Sandサンド,Sandshrew,50.0,27,10,35,40,ground,ice,,1,0
+27,"['Sand Veil', 'Sand Rush', 'Snow Cloak', 'Slush Rush']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,450,90,Mouse Pokémon,120,1000000,,75,Sandpanサンドパン,Sandslash,50.0,28,25,65,65,ground,ice,,1,0
+28,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,47,5120,70,275,235,Poison Pin Pokémon,52,1059860,0.4,55,Nidoran?ニドラン♀,Nidoran♀,0.0,29,40,40,41,poison,,7.0,1,0
+29,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,62,5120,70,365,120,Poison Pin Pokémon,67,1059860,0.8,70,Nidorinaニドリーナ,Nidorina,0.0,30,55,55,56,poison,,20.0,1,0
+30,"['Poison Point', 'Rivalry', 'Sheer Force']",0.5,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,2.0,1.0,0.25,2.0,0.5,1.0,2.0,92,5120,70,505,45,Drill Pokémon,87,1059860,1.3,90,Nidoqueenニドクイン,Nidoqueen,0.0,31,75,85,76,poison,ground,60.0,1,0
+31,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,57,5120,70,273,235,Poison Pin Pokémon,40,1059860,0.5,46,Nidoran?ニドラン♂,Nidoran♂,100.0,32,40,40,50,poison,,9.0,1,0
+32,"['Poison Point', 'Rivalry', 'Hustle']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,72,5120,70,365,120,Poison Pin Pokémon,57,1059860,0.9,61,Nidorinoニドリーノ,Nidorino,100.0,33,55,55,65,poison,,19.5,1,0
+33,"['Poison Point', 'Rivalry', 'Sheer Force']",0.5,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,2.0,1.0,0.25,2.0,0.5,1.0,2.0,102,5120,70,505,45,Drill Pokémon,77,1059860,1.4,81,Nidokingニドキング,Nidoking,100.0,34,85,75,85,poison,ground,62.0,1,0
+34,"['Cute Charm', 'Magic Guard', 'Friend Guard']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,45,2560,140,323,150,Fairy Pokémon,48,800000,0.6,70,Pippiピッピ,Clefairy,24.6,35,60,65,35,fairy,,7.5,1,0
+35,"['Cute Charm', 'Magic Guard', 'Unaware']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,70,2560,140,483,25,Fairy Pokémon,73,800000,1.3,95,Pixyピクシー,Clefable,24.6,36,95,90,60,fairy,,40.0,1,0
+36,"['Flash Fire', 'Drought', 'Snow Cloak', 'Snow Warning']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,41,5120,70,299,190,Fox Pokémon,40,1000000,,38,Rokonロコン,Vulpix,24.6,37,50,65,65,fire,ice,,1,0
+37,"['Flash Fire', 'Drought', 'Snow Cloak', 'Snow Warning']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,67,5120,70,505,75,Fox Pokémon,75,1000000,,73,Kyukonキュウコン,Ninetales,24.6,38,81,100,109,fire,ice,,1,0
+38,"['Cute Charm', 'Competitive', 'Friend Guard']",0.5,0.5,0.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,45,2560,70,270,170,Balloon Pokémon,20,800000,0.5,115,Purinプリン,Jigglypuff,24.6,39,45,25,20,normal,fairy,5.5,1,0
+39,"['Cute Charm', 'Competitive', 'Frisk']",0.5,0.5,0.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,70,2560,70,435,50,Balloon Pokémon,45,800000,1.0,140,Pukurinプクリン,Wigglytuff,24.6,40,85,50,45,normal,fairy,12.0,1,0
+40,"['Inner Focus', 'Infiltrator']",0.25,1.0,1.0,2.0,0.5,0.25,1.0,1.0,1.0,0.25,0.0,2.0,1.0,0.5,2.0,2.0,1.0,1.0,45,3840,70,245,255,Bat Pokémon,35,1000000,0.8,40,Zubatズバット,Zubat,50.0,41,30,40,55,poison,flying,7.5,1,0
+41,"['Inner Focus', 'Infiltrator']",0.25,1.0,1.0,2.0,0.5,0.25,1.0,1.0,1.0,0.25,0.0,2.0,1.0,0.5,2.0,2.0,1.0,1.0,80,3840,70,455,90,Bat Pokémon,70,1000000,1.6,75,Golbatゴルバット,Golbat,50.0,42,65,75,90,poison,flying,55.0,1,0
+42,"['Chlorophyll', 'Run Away']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,50,5120,70,320,255,Weed Pokémon,55,1059860,0.5,45,Nazonokusaナゾノクサ,Oddish,50.0,43,75,65,30,grass,poison,5.4,1,0
+43,"['Chlorophyll', 'Stench']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,65,5120,70,395,120,Weed Pokémon,70,1059860,0.8,60,Kusaihanaクサイハナ,Gloom,50.0,44,85,75,40,grass,poison,8.6,1,0
+44,"['Chlorophyll', 'Effect Spore']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,80,5120,70,490,45,Flower Pokémon,85,1059860,1.2,75,Ruffresiaラフレシア,Vileplume,50.0,45,110,90,50,grass,poison,18.6,1,0
+45,"['Effect Spore', 'Dry Skin', 'Damp']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,70,5120,70,285,190,Mushroom Pokémon,55,1000000,0.3,35,Parasパラス,Paras,50.0,46,45,55,25,bug,grass,5.4,1,0
+46,"['Effect Spore', 'Dry Skin', 'Damp']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,95,5120,70,405,75,Mushroom Pokémon,80,1000000,1.0,60,Parasectパラセクト,Parasect,50.0,47,60,80,30,bug,grass,29.5,1,0
+47,"['Compoundeyes', 'Tinted Lens', 'Run Away']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,55,5120,70,305,190,Insect Pokémon,50,1000000,1.0,60,Kongpangコンパン,Venonat,50.0,48,40,55,45,bug,poison,30.0,1,0
+48,"['Shield Dust', 'Tinted Lens', 'Wonder Skin ']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,65,5120,70,450,75,Poison Moth Pokémon,60,1000000,1.5,70,Morphonモルフォン,Venomoth,50.0,49,90,75,90,bug,poison,12.5,1,0
+49,"['Sand Veil', 'Arena Trap', 'Sand Force', 'Sand Veil', 'Tangling Hair', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,55,5120,70,265,255,Mole Pokémon,30,1000000,,10,Digdaディグダ,Diglett,50.0,50,35,45,90,ground,ground,,1,0
+50,"['Sand Veil', 'Arena Trap', 'Sand Force', 'Sand Veil', 'Tangling Hair', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,425,50,Mole Pokémon,60,1000000,,35,Dugtrioダグトリオ,Dugtrio,50.0,51,50,70,110,ground,ground,,1,0
+51,"['Pickup', 'Technician', 'Unnerve', 'Pickup', 'Technician', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,35,5120,70,290,255,Scratch Cat Pokémon,35,1000000,,40,Nyarthニャース,Meowth,50.0,52,50,40,90,normal,dark,,1,0
+52,"['Limber', 'Technician', 'Unnerve', 'Fur Coat', 'Technician', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,60,5120,70,440,90,Classy Cat Pokémon,60,1000000,,65,Persianペルシアン,Persian,50.0,53,75,65,115,normal,dark,,1,0
+53,"['Damp', 'Cloud Nine', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,52,5120,70,320,190,Duck Pokémon,48,1000000,0.8,50,Koduckコダック,Psyduck,50.0,54,65,50,55,water,,19.6,1,0
+54,"['Damp', 'Cloud Nine', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,82,5120,70,500,75,Duck Pokémon,78,1000000,1.7,80,Golduckゴルダック,Golduck,50.0,55,95,80,85,water,,76.6,1,0
+55,"['Vital Spirit', 'Anger Point', 'Defiant']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,80,5120,70,305,190,Pig Monkey Pokémon,35,1000000,0.5,40,Mankeyマンキー,Mankey,50.0,56,35,45,70,fighting,,28.0,1,0
+56,"['Vital Spirit', 'Anger Point', 'Defiant']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,105,5120,70,455,75,Pig Monkey Pokémon,60,1000000,1.0,65,Okorizaruオコリザル,Primeape,50.0,57,60,70,95,fighting,,32.0,1,0
+57,"['Intimidate', 'Flash Fire', 'Justified']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,70,5120,70,350,190,Puppy Pokémon,45,1250000,0.7,55,Gardieガーディ,Growlithe,75.4,58,70,50,60,fire,,19.0,1,0
+58,"['Intimidate', 'Flash Fire', 'Justified']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,110,5120,70,555,75,Legendary Pokémon,80,1250000,1.9,90,Windieウインディ,Arcanine,75.4,59,100,80,95,fire,,155.0,1,0
+59,"['Water Absorb', 'Damp', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,50,5120,70,300,255,Tadpole Pokémon,40,1059860,0.6,40,Nyoromoニョロモ,Poliwag,50.0,60,40,40,90,water,,12.4,1,0
+60,"['Water Absorb', 'Damp', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,385,120,Tadpole Pokémon,65,1059860,1.0,65,Nyorozoニョロゾ,Poliwhirl,50.0,61,50,50,90,water,,20.0,1,0
+61,"['Water Absorb', 'Damp', 'Swift Swim']",0.5,0.5,1.0,2.0,2.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,1.0,1.0,2.0,0.5,0.5,0.5,95,5120,70,510,45,Tadpole Pokémon,95,1059860,1.3,90,Nyorobonニョロボン,Poliwrath,50.0,62,70,90,70,water,fighting,54.0,1,0
+62,"['Synchronize', 'Inner Focus', 'Magic Guard']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,20,5120,70,310,200,Psi Pokémon,15,1059860,0.9,25,Caseyケーシィ,Abra,75.4,63,105,55,90,psychic,,19.5,1,0
+63,"['Synchronize', 'Inner Focus', 'Magic Guard']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,35,5120,70,400,100,Psi Pokémon,30,1059860,1.3,40,Yungererユンゲラー,Kadabra,75.4,64,120,70,105,psychic,,56.5,1,0
+64,"['Synchronize', 'Inner Focus', 'Magic Guard']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,50,5120,70,600,50,Psi Pokémon,65,1059860,1.5,55,Foodinフーディン,Alakazam,75.4,65,175,105,150,psychic,,48.0,1,0
+65,"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,80,5120,70,305,180,Superpower Pokémon,50,1059860,0.8,70,Wanrikyワンリキー,Machop,75.4,66,35,35,35,fighting,,19.5,1,0
+66,"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,100,5120,70,405,90,Superpower Pokémon,70,1059860,1.5,80,Gorikyゴーリキー,Machoke,75.4,67,50,60,45,fighting,,70.5,1,0
+67,"['Guts', 'No Guard', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,130,5120,70,505,45,Superpower Pokémon,80,1059860,1.6,90,Kairikyカイリキー,Machamp,75.4,68,65,85,55,fighting,,130.0,1,0
+68,"['Chlorophyll', 'Gluttony']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,75,5120,70,300,255,Flower Pokémon,35,1059860,0.7,50,Madatsubomiマダツボミ,Bellsprout,50.0,69,70,30,40,grass,poison,4.0,1,0
+69,"['Chlorophyll', 'Gluttony']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,90,5120,70,390,120,Flycatcher Pokémon,50,1059860,1.0,65,Utsudonウツドン,Weepinbell,50.0,70,85,45,55,grass,poison,6.4,1,0
+70,"['Chlorophyll', 'Gluttony']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,105,5120,70,490,45,Flycatcher Pokémon,65,1059860,1.7,80,Utsubotウツボット,Victreebel,50.0,71,100,70,70,grass,poison,15.5,1,0
+71,"['Clear Body', 'Liquid Ooze', 'Rain Dish']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,40,5120,70,335,190,Jellyfish Pokémon,35,1250000,0.9,40,Menokurageメノクラゲ,Tentacool,50.0,72,50,100,70,water,poison,45.5,1,0
+72,"['Clear Body', 'Liquid Ooze', 'Rain Dish']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,70,5120,70,515,60,Jellyfish Pokémon,65,1250000,1.6,80,Dokukurageドククラゲ,Tentacruel,50.0,73,80,120,100,water,poison,55.0,1,0
+73,"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,80,3840,70,300,255,Rock Pokémon,100,1059860,,40,Isitsubuteイシツブテ,Geodude,50.0,74,30,30,20,rock,ground,,1,0
+74,"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,95,3840,70,390,120,Rock Pokémon,115,1059860,,55,Goloneゴローン,Graveler,50.0,75,45,45,35,rock,ground,,1,0
+75,"['Rock Head', 'Sturdy', 'Sand Veil', 'Magnet Pull', 'Sturdy', 'Galvanize']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,120,3840,70,495,45,Megaton Pokémon,130,1059860,,80,Golonyaゴローニャ,Golem,50.0,76,55,65,45,rock,ground,,1,0
+76,"['Run Away', 'Flash Fire', 'Flame Body']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,85,5120,70,410,190,Fire Horse Pokémon,55,1000000,1.0,50,Ponytaポニータ,Ponyta,50.0,77,65,65,90,fire,,30.0,1,0
+77,"['Run Away', 'Flash Fire', 'Flame Body']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,100,5120,70,500,60,Fire Horse Pokémon,70,1000000,1.7,65,Gallopギャロップ,Rapidash,50.0,78,80,80,105,fire,,95.0,1,0
+78,"['Oblivious', 'Own Tempo', 'Regenerator']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,65,5120,70,315,190,Dopey Pokémon,65,1000000,1.2,90,Yadonヤドン,Slowpoke,50.0,79,40,40,15,water,psychic,36.0,1,0
+79,"['Oblivious', 'Own Tempo', 'Regenerator']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,75,5120,70,590,75,Hermit Crab Pokémon,180,1000000,1.6,95,Yadoranヤドラン,Slowbro,50.0,80,130,80,30,water,psychic,78.5,1,0
+80,"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,35,5120,70,325,190,Magnet Pokémon,70,1000000,0.3,25,Coilコイル,Magnemite,,81,95,55,45,electric,steel,6.0,1,0
+81,"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,60,5120,70,465,60,Magnet Pokémon,95,1000000,1.0,50,Rarecoilレアコイル,Magneton,,82,120,70,70,electric,steel,60.0,1,0
+82,"['Keen Eye', 'Inner Focus', 'Defiant']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,90,5120,70,377,45,Wild Duck Pokémon,55,1000000,0.8,52,Kamonegiカモネギ,Farfetch'd,50.0,83,58,62,60,normal,flying,15.0,1,0
+83,"['Run Away', 'Early Bird', 'Tangled Feet']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,85,5120,70,310,190,Twin Bird Pokémon,45,1000000,1.4,35,Dodoドードー,Doduo,50.0,84,35,35,75,normal,flying,39.2,1,0
+84,"['Run Away', 'Early Bird', 'Tangled Feet']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,110,5120,70,470,45,Triple Bird Pokémon,70,1000000,1.8,60,Dodorioドードリオ,Dodrio,50.0,85,60,60,110,normal,flying,85.2,1,0
+85,"['Thick Fat', 'Hydration', 'Ice Body']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,45,5120,70,325,190,Sea Lion Pokémon,55,1000000,1.1,65,Pawouパウワウ,Seel,50.0,86,45,70,45,water,,90.0,1,0
+86,"['Thick Fat', 'Hydration', 'Ice Body']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,70,5120,70,475,75,Sea Lion Pokémon,80,1000000,1.7,90,Jugonジュゴン,Dewgong,50.0,87,70,95,70,water,ice,120.0,1,0
+87,"['Stench', 'Sticky Hold', 'Poison Touch', 'Poison Touch', 'Gluttony', 'Power of Alchemy']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,80,5120,70,325,190,Sludge Pokémon,50,1000000,,80,Betbeterベトベター,Grimer,50.0,88,40,50,25,poison,poison,,1,0
+88,"['Stench', 'Sticky Hold', 'Poison Touch', 'Poison Touch', 'Gluttony', 'Power of Alchemy']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,105,5120,70,500,75,Sludge Pokémon,75,1000000,,105,Betbetonベトベトン,Muk,50.0,89,65,100,50,poison,poison,,1,0
+89,"['Shell Armor', 'Skill Link', 'Overcoat']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,305,190,Bivalve Pokémon,100,1250000,0.3,30,Shellderシェルダー,Shellder,50.0,90,45,25,40,water,,4.0,1,0
+90,"['Shell Armor', 'Skill Link', 'Overcoat']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,95,5120,70,525,60,Bivalve Pokémon,180,1250000,1.5,50,Parshenパルシェン,Cloyster,50.0,91,85,45,70,water,ice,132.5,1,0
+91,['Levitate'],0.25,2.0,1.0,1.0,0.5,0.0,1.0,1.0,2.0,0.5,2.0,1.0,0.0,0.25,2.0,1.0,1.0,1.0,35,5120,70,310,190,Gas Pokémon,30,1059860,1.3,30,Ghosゴース,Gastly,50.0,92,100,35,80,ghost,poison,0.1,1,0
+92,['Levitate'],0.25,2.0,1.0,1.0,0.5,0.0,1.0,1.0,2.0,0.5,2.0,1.0,0.0,0.25,2.0,1.0,1.0,1.0,50,5120,70,405,90,Gas Pokémon,45,1059860,1.6,45,Ghostゴースト,Haunter,50.0,93,115,55,95,ghost,poison,0.1,1,0
+93,['Cursed Body'],0.25,2.0,1.0,1.0,0.5,0.0,1.0,1.0,2.0,0.5,2.0,1.0,0.0,0.25,2.0,1.0,1.0,1.0,65,5120,70,600,45,Shadow Pokémon,80,1059860,1.5,60,Gangarゲンガー,Gengar,50.0,94,170,95,130,ghost,poison,40.5,1,0
+94,"['Rock Head', 'Sturdy', 'Weak Armor']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,45,6400,70,385,45,Rock Snake Pokémon,160,1000000,8.8,35,Iwarkイワーク,Onix,50.0,95,30,45,70,rock,ground,210.0,1,0
+95,"['Insomnia', 'Forewarn', 'Inner Focus']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,48,5120,70,328,190,Hypnosis Pokémon,45,1000000,1.0,60,Sleepeスリープ,Drowzee,50.0,96,43,90,42,psychic,,32.4,1,0
+96,"['Insomnia', 'Forewarn', 'Inner Focus']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,73,5120,70,483,75,Hypnosis Pokémon,70,1000000,1.6,85,Sleeperスリーパー,Hypno,50.0,97,73,115,67,psychic,,75.6,1,0
+97,"['Hyper Cutter', 'Shell Armor', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,325,225,River Crab Pokémon,90,1000000,0.4,30,Crabクラブ,Krabby,50.0,98,25,25,50,water,,6.5,1,0
+98,"['Hyper Cutter', 'Shell Armor', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,130,5120,70,475,60,Pincer Pokémon,115,1000000,1.3,55,Kinglerキングラー,Kingler,50.0,99,50,50,75,water,,60.0,1,0
+99,"['Soundproof', 'Static', 'Aftermath']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,30,5120,70,330,190,Ball Pokémon,50,1000000,0.5,40,Biriridamaビリリダマ,Voltorb,,100,55,55,100,electric,,10.4,1,0
+100,"['Soundproof', 'Static', 'Aftermath']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,50,5120,70,490,60,Ball Pokémon,70,1000000,1.2,60,Marumineマルマイン,Electrode,,101,80,80,150,electric,,66.6,1,0
+101,"['Chlorophyll', 'Harvest']",4.0,2.0,1.0,0.5,1.0,0.5,2.0,2.0,2.0,0.5,0.5,2.0,1.0,2.0,0.5,1.0,1.0,0.5,40,5120,70,325,90,Egg Pokémon,80,1250000,0.4,60,Tamatamaタマタマ,Exeggcute,50.0,102,60,45,40,grass,psychic,2.5,1,0
+102,"['Chlorophyll', 'Harvest', 'Frisk', 'Harvest']",4.0,2.0,1.0,0.5,1.0,0.5,2.0,2.0,2.0,0.5,0.5,2.0,1.0,2.0,0.5,1.0,1.0,0.5,105,5120,70,530,45,Coconut Pokémon,85,1250000,,95,Nassyナッシー,Exeggutor,50.0,103,125,75,45,grass,psychic,,1,0
+103,"['Rock Head', 'Lightningrod', 'Battle Armor']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,50,5120,70,320,190,Lonely Pokémon,95,1000000,0.4,50,Karakaraカラカラ,Cubone,50.0,104,40,50,35,ground,,6.5,1,0
+104,"['Rock Head', 'Lightningrod', 'Battle Armor', 'Cursed Body', 'Lightningrod', 'Rock Head']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,80,5120,70,425,75,Bone Keeper Pokémon,110,1000000,,60,Garagaraガラガラ,Marowak,50.0,105,50,80,45,ground,fire,,1,0
+105,"['Limber', 'Reckless', 'Unburden']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,120,6400,70,455,45,Kicking Pokémon,53,1000000,1.5,50,Sawamularサワムラー,Hitmonlee,100.0,106,35,110,87,fighting,,49.8,1,0
+106,"['Keen Eye', 'Iron Fist', 'Inner Focus']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,105,6400,70,455,45,Punching Pokémon,79,1000000,1.4,50,Ebiwalarエビワラー,Hitmonchan,100.0,107,35,110,76,fighting,,50.2,1,0
+107,"['Own Tempo', 'Oblivious', 'Cloud Nine']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,55,5120,70,385,45,Licking Pokémon,75,1000000,1.2,90,Beroringaベロリンガ,Lickitung,50.0,108,60,75,30,normal,,65.5,1,0
+108,['Levitate'],0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,65,5120,70,340,190,Poison Gas Pokémon,95,1000000,0.6,40,Dogarsドガース,Koffing,50.0,109,60,45,35,poison,,1.0,1,0
+109,['Levitate'],0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,90,5120,70,490,60,Poison Gas Pokémon,120,1000000,1.2,65,Matadogasマタドガス,Weezing,50.0,110,85,70,60,poison,,9.5,1,0
+110,"['Lightningrod', 'Rock Head', 'Reckless']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,85,5120,70,345,120,Spikes Pokémon,95,1250000,1.0,80,Sihornサイホーン,Rhyhorn,50.0,111,30,30,25,ground,rock,115.0,1,0
+111,"['Lightningrod', 'Rock Head', 'Reckless']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,130,5120,70,485,60,Drill Pokémon,120,1250000,1.9,105,Sidonサイドン,Rhydon,50.0,112,45,45,40,ground,rock,120.0,1,0
+112,"['Natural Cure', 'Serene Grace', 'Healer']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,5,10240,140,450,30,Egg Pokémon,5,800000,1.1,250,Luckyラッキー,Chansey,0.0,113,35,105,50,normal,,34.6,1,0
+113,"['Chlorophyll', 'Leaf Guard', 'Regenerator']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,55,5120,70,435,45,Vine Pokémon,115,1000000,1.0,65,Monjaraモンジャラ,Tangela,50.0,114,100,40,60,grass,,35.0,1,0
+114,"['Early Bird', 'Scrappy', 'Inner Focus']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,125,5120,70,590,45,Parent Pokémon,100,1000000,2.2,105,Garuraガルーラ,Kangaskhan,0.0,115,60,100,100,normal,,80.0,1,0
+115,"['Swift Swim', 'Sniper', 'Damp']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,40,5120,70,295,225,Dragon Pokémon,70,1000000,0.4,30,Tattuタッツー,Horsea,50.0,116,70,25,60,water,,8.0,1,0
+116,"['Poison Point', 'Sniper', 'Damp']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,440,75,Dragon Pokémon,95,1000000,1.2,55,Seadraシードラ,Seadra,50.0,117,95,45,85,water,,25.0,1,0
+117,"['Swift Swim', 'Water Veil', 'Lightningrod']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,67,5120,70,320,225,Goldfish Pokémon,60,1000000,0.6,45,Tosakintoトサキント,Goldeen,50.0,118,35,50,63,water,,15.0,1,0
+118,"['Swift Swim', 'Water Veil', 'Lightningrod']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,92,5120,70,450,60,Goldfish Pokémon,65,1000000,1.3,80,Azumaoアズマオウ,Seaking,50.0,119,65,80,68,water,,39.0,1,0
+119,"['Illuminate', 'Natural Cure', 'Analytic']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,45,5120,70,340,225,Starshape Pokémon,55,1250000,0.8,30,Hitodemanヒトデマン,Staryu,,120,70,55,85,water,,34.5,1,0
+120,"['Illuminate', 'Natural Cure', 'Analytic']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,75,5120,70,520,60,Mysterious Pokémon,85,1250000,1.1,60,Starmieスターミー,Starmie,,121,100,85,115,water,psychic,80.0,1,0
+121,"['Soundproof', 'Filter', 'Technician']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,45,6400,70,460,45,Barrier Pokémon,65,1000000,1.3,40,Barrierdバリヤード,Mr. Mime,50.0,122,100,120,90,psychic,fairy,54.5,1,0
+122,"['Swarm', 'Technician', 'Steadfast']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,110,6400,70,500,45,Mantis Pokémon,80,1000000,1.5,70,Strikeストライク,Scyther,50.0,123,55,80,105,bug,flying,56.0,1,0
+123,"['Oblivious', 'Forewarn', 'Dry Skin']",2.0,2.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,2.0,2.0,1.0,50,6400,70,455,45,Humanshape Pokémon,35,1000000,1.4,65,Rougelaルージュラ,Jynx,0.0,124,115,95,95,ice,psychic,40.6,1,0
+124,"['Static', 'Vital Spirit']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,83,6400,70,490,45,Electric Pokémon,57,1000000,1.1,65,Elebooエレブー,Electabuzz,75.4,125,95,85,105,electric,,30.0,1,0
+125,"['Flame Body', 'Vital Spirit']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,95,6400,70,495,45,Spitfire Pokémon,57,1000000,1.3,65,Booberブーバー,Magmar,75.4,126,100,85,93,fire,,44.5,1,0
+126,"['Hyper Cutter', 'Mold Breaker', 'Moxie']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,155,6400,70,600,45,Stagbeetle Pokémon,120,1250000,1.5,65,Kailiosカイロス,Pinsir,50.0,127,65,90,105,bug,,55.0,1,0
+127,"['Intimidate', 'Anger Point', 'Sheer Force']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,100,5120,70,490,45,Wild Bull Pokémon,95,1250000,1.4,75,Kentaurosケンタロス,Tauros,100.0,128,40,70,110,normal,,88.4,1,0
+128,"['Swift Swim', 'Rattled']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,10,1280,70,200,255,Fish Pokémon,55,1250000,0.9,20,Koikingコイキング,Magikarp,50.0,129,15,20,80,water,,10.0,1,0
+129,"['Intimidate', 'Moxie']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,155,1280,70,640,45,Atrocious Pokémon,109,1250000,6.5,95,Gyaradosギャラドス,Gyarados,50.0,130,70,130,81,water,flying,235.0,1,0
+130,"['Water Absorb', 'Shell Armor', 'Hydration']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,85,10240,70,535,45,Transport Pokémon,80,1250000,2.5,130,Laplaceラプラス,Lapras,50.0,131,85,95,60,water,ice,220.0,1,0
+131,"['Limber', 'Imposter']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,48,5120,70,288,35,Transform Pokémon,48,1000000,0.3,48,Metamonメタモン,Ditto,,132,48,48,48,normal,,4.0,1,0
+132,"['Run Away', 'Adaptability', 'Anticipation']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,55,8960,70,325,45,Evolution Pokémon,50,1000000,0.3,55,Eievuiイーブイ,Eevee,88.1,133,45,65,55,normal,,6.5,1,0
+133,"['Water Absorb', 'Hydration']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,8960,70,525,45,Bubble Jet Pokémon,60,1000000,1.0,130,Showersシャワーズ,Vaporeon,88.1,134,110,95,65,water,,29.0,1,0
+134,"['Volt Absorb', 'Quick Feet']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,65,8960,70,525,45,Lightning Pokémon,60,1000000,0.8,65,Thundersサンダース,Jolteon,88.1,135,110,95,130,electric,,24.5,1,0
+135,"['Flash Fire', 'Guts']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,130,8960,70,525,45,Flame Pokémon,60,1000000,0.9,65,Boosterブースター,Flareon,88.1,136,95,110,65,fire,,25.0,1,0
+136,"['Trace', 'Download', 'Analytic']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,60,5120,70,395,45,Virtual Pokémon,70,1000000,0.8,65,Porygonポリゴン,Porygon,,137,85,75,40,normal,,36.5,1,0
+137,"['Swift Swim', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,40,7680,70,355,45,Spiral Pokémon,100,1000000,0.4,35,Omniteオムナイト,Omanyte,88.1,138,90,55,35,rock,water,7.5,1,0
+138,"['Swift Swim', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,60,7680,70,495,45,Spiral Pokémon,125,1000000,1.0,70,Omstarオムスター,Omastar,88.1,139,115,70,55,rock,water,35.0,1,0
+139,"['Swift Swim', 'Battle Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,80,7680,70,355,45,Shellfish Pokémon,90,1000000,0.5,30,Kabutoカブト,Kabuto,88.1,140,55,45,55,rock,water,11.5,1,0
+140,"['Swift Swim', 'Battle Armor', 'Weak Armor']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,115,7680,70,495,45,Shellfish Pokémon,105,1000000,1.3,60,Kabutopsカブトプス,Kabutops,88.1,141,65,70,80,rock,water,40.5,1,0
+141,"['Rock Head', 'Pressure', 'Unnerve']",0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,135,8960,70,615,45,Fossil Pokémon,85,1250000,1.8,80,Pteraプテラ,Aerodactyl,88.1,142,70,95,150,rock,flying,59.0,1,0
+142,"['Immunity', 'Thick Fat', 'Gluttony']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,110,10240,70,540,25,Sleeping Pokémon,65,1250000,2.1,160,Kabigonカビゴン,Snorlax,88.1,143,65,110,30,normal,,460.0,1,0
+143,"['Pressure', 'Snow Cloak']",0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,1.0,4.0,2.0,1.0,85,20480,35,580,3,Freeze Pokémon,100,1250000,1.7,90,Freezerフリーザー,Articuno,,144,95,125,85,ice,flying,55.4,1,1
+144,"['Pressure', 'Static']",0.5,1.0,1.0,1.0,1.0,0.5,1.0,0.5,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,0.5,1.0,90,20480,35,580,3,Electric Pokémon,85,1250000,1.6,90,Thunderサンダー,Zapdos,,145,125,90,100,electric,flying,52.6,1,1
+145,"['Pressure', 'Flame Body']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,100,20480,35,580,3,Flame Pokémon,90,1250000,2.0,90,Fireファイヤー,Moltres,,146,125,85,90,fire,flying,60.0,1,1
+146,"['Shed Skin', 'Marvel Scale']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,64,10240,35,300,45,Dragon Pokémon,45,1250000,1.8,41,Miniryuミニリュウ,Dratini,50.0,147,50,50,50,dragon,,3.3,1,0
+147,"['Shed Skin', 'Marvel Scale']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,84,10240,35,420,45,Dragon Pokémon,65,1250000,4.0,61,Hakuryuハクリュー,Dragonair,50.0,148,70,70,70,dragon,,16.5,1,0
+148,"['Inner Focus', 'Multiscale']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,134,10240,35,600,45,Dragon Pokémon,95,1250000,2.2,91,Kairyuカイリュー,Dragonite,50.0,149,100,100,80,dragon,flying,210.0,1,0
+149,"['Pressure', 'Unnerve']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,150,30720,0,780,3,Genetic Pokémon,70,1250000,2.0,106,Mewtwoミュウツー,Mewtwo,,150,194,120,140,psychic,,122.0,1,1
+150,['Synchronize'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,100,30720,100,600,45,New Species Pokémon,100,1059860,0.4,100,Mewミュウ,Mew,,151,100,100,100,psychic,,4.0,1,1
+151,"['Overgrow', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,49,5120,70,318,45,Leaf Pokémon,65,1059860,0.9,45,Chicoritaチコリータ,Chikorita,88.1,152,49,65,45,grass,,6.4,2,0
+152,"['Overgrow', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,62,5120,70,405,45,Leaf Pokémon,80,1059860,1.2,60,Bayleafベイリーフ,Bayleef,88.1,153,63,80,60,grass,,15.8,2,0
+153,"['Overgrow', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,82,5120,70,525,45,Herb Pokémon,100,1059860,1.8,80,Meganiumメガニウム,Meganium,88.1,154,83,100,80,grass,,100.5,2,0
+154,"['Blaze', 'Flash Fire']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,52,5120,70,309,45,Fire Mouse Pokémon,43,1059860,0.5,39,Hinoarashiヒノアラシ,Cyndaquil,88.1,155,60,50,65,fire,,7.9,2,0
+155,"['Blaze', 'Flash Fire']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,64,5120,70,405,45,Volcano Pokémon,58,1059860,0.9,58,Magmarashiマグマラシ,Quilava,88.1,156,80,65,80,fire,,19.0,2,0
+156,"['Blaze', 'Flash Fire']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,84,5120,70,534,45,Volcano Pokémon,78,1059860,1.7,78,Bakphoonバクフーン,Typhlosion,88.1,157,109,85,100,fire,,79.5,2,0
+157,"['Torrent', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,314,45,Big Jaw Pokémon,64,1059860,0.6,50,Waninokoワニノコ,Totodile,88.1,158,44,48,43,water,,9.5,2,0
+158,"['Torrent', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,80,5120,70,405,45,Big Jaw Pokémon,80,1059860,1.1,65,Alligatesアリゲイツ,Croconaw,88.1,159,59,63,58,water,,25.0,2,0
+159,"['Torrent', 'Sheer Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,530,45,Big Jaw Pokémon,100,1059860,2.3,85,Ordileオーダイル,Feraligatr,88.1,160,79,83,78,water,,88.8,2,0
+160,"['Run Away', 'Keen Eye', 'Frisk']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,46,3840,70,215,255,Scout Pokémon,34,1000000,0.8,35,Otachiオタチ,Sentret,50.0,161,35,45,20,normal,,6.0,2,0
+161,"['Run Away', 'Keen Eye', 'Frisk']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,76,3840,70,415,90,Long Body Pokémon,64,1000000,1.8,85,Ootachiオオタチ,Furret,50.0,162,45,55,90,normal,,32.5,2,0
+162,"['Insomnia', 'Keen Eye', 'Tinted Lens']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,30,3840,70,262,255,Owl Pokémon,30,1000000,0.7,60,Hohoホーホー,Hoothoot,50.0,163,36,56,50,normal,flying,21.2,2,0
+163,"['Insomnia', 'Keen Eye', 'Tinted Lens']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,50,3840,70,452,90,Owl Pokémon,50,1000000,1.6,100,Yorunozukuヨルノズク,Noctowl,50.0,164,86,96,70,normal,flying,40.8,2,0
+164,"['Swarm', 'Early Bird', 'Rattled']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,20,3840,70,265,255,Five Star Pokémon,30,800000,1.0,40,Redibaレディバ,Ledyba,50.0,165,40,80,55,bug,flying,10.8,2,0
+165,"['Swarm', 'Early Bird', 'Iron Fist']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,35,3840,70,390,90,Five Star Pokémon,50,800000,1.4,55,Redianレディアン,Ledian,50.0,166,55,110,85,bug,flying,35.6,2,0
+166,"['Swarm', 'Insomnia', 'Sniper']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,60,3840,70,250,255,String Spit Pokémon,40,800000,0.5,40,Itomaruイトマル,Spinarak,50.0,167,40,40,30,bug,poison,8.5,2,0
+167,"['Swarm', 'Insomnia', 'Sniper']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,90,3840,70,400,90,Long Leg Pokémon,70,800000,1.1,70,Ariadosアリアドス,Ariados,50.0,168,60,70,40,bug,poison,33.5,2,0
+168,"['Inner Focus', 'Infiltrator']",0.25,1.0,1.0,2.0,0.5,0.25,1.0,1.0,1.0,0.25,0.0,2.0,1.0,0.5,2.0,2.0,1.0,1.0,90,3840,70,535,90,Bat Pokémon,80,1000000,1.8,85,Crobatクロバット,Crobat,50.0,169,70,80,130,poison,flying,75.0,2,0
+169,"['Volt Absorb', 'Illuminate', 'Water Absorb']",1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,0.5,1.0,1.0,1.0,1.0,0.25,0.5,38,5120,70,330,190,Angler Pokémon,38,1250000,0.5,75,Chonchieチョンチー,Chinchou,50.0,170,56,56,67,water,electric,12.0,2,0
+170,"['Volt Absorb', 'Illuminate', 'Water Absorb']",1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,0.5,1.0,1.0,1.0,1.0,0.25,0.5,58,5120,70,460,75,Light Pokémon,58,1250000,1.2,125,Lanternランターン,Lanturn,50.0,171,76,76,67,water,electric,22.5,2,0
+171,"['Static', 'Lightningrod']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,40,2560,70,205,190,Tiny Mouse Pokémon,15,1000000,0.3,20,Pichuピチュー,Pichu,50.0,172,35,35,60,electric,,2.0,2,0
+172,"['Cute Charm', 'Magic Guard', 'Friend Guard']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,25,2560,140,218,150,Star Shape Pokémon,28,800000,0.3,50,Pyピィ,Cleffa,24.6,173,45,55,15,fairy,,3.0,2,0
+173,"['Cute Charm', 'Competitive', 'Friend Guard']",0.5,0.5,0.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,30,2560,70,210,170,Balloon Pokémon,15,800000,0.3,90,Pupurinププリン,Igglybuff,24.6,174,40,20,15,normal,fairy,1.0,2,0
+174,"['Hustle', 'Serene Grace', 'Super Luck']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,20,2560,70,245,190,Spike Ball Pokémon,65,800000,0.3,35,Togepyトゲピー,Togepi,88.1,175,40,65,20,fairy,,1.5,2,0
+175,"['Hustle', 'Serene Grace', 'Super Luck']",0.25,0.5,0.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,0.0,2.0,1.0,2.0,1.0,2.0,2.0,1.0,40,2560,70,405,75,Happiness Pokémon,85,800000,0.6,55,Togechickトゲチック,Togetic,88.1,176,80,105,40,fairy,flying,3.2,2,0
+176,"['Synchronize', 'Early Bird', 'Magic Bounce']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,50,5120,70,320,190,Little Bird Pokémon,45,1000000,0.2,40,Natyネイティ,Natu,50.0,177,70,45,70,psychic,flying,2.0,2,0
+177,"['Synchronize', 'Early Bird', 'Magic Bounce']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,75,5120,70,470,75,Mystic Pokémon,70,1000000,1.5,65,Natioネイティオ,Xatu,50.0,178,95,70,95,psychic,flying,15.0,2,0
+178,"['Static', 'Plus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,40,5120,70,280,235,Wool Pokémon,40,1059860,0.6,55,Merriepメリープ,Mareep,50.0,179,65,45,35,electric,,7.8,2,0
+179,"['Static', 'Plus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,5120,70,365,120,Wool Pokémon,55,1059860,0.8,70,Mokokoモココ,Flaaffy,50.0,180,80,60,45,electric,,13.3,2,0
+180,"['Static', 'Plus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,95,5120,70,610,45,Light Pokémon,105,1059860,1.4,90,Denryuデンリュウ,Ampharos,50.0,181,165,110,45,electric,,61.5,2,0
+181,"['Chlorophyll', 'Healer']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,80,5120,70,490,45,Flower Pokémon,95,1059860,0.4,75,Kireihanaキレイハナ,Bellossom,50.0,182,90,100,50,grass,,5.8,2,0
+182,"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,20,2560,70,250,190,Aquamouse Pokémon,50,800000,0.4,70,Marilマリル,Marill,50.0,183,20,50,40,water,fairy,8.5,2,0
+183,"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,50,2560,70,420,75,Aquarabbit Pokémon,80,800000,0.8,100,Marilliマリルリ,Azumarill,50.0,184,60,80,50,water,fairy,28.5,2,0
+184,"['Sturdy', 'Rock Head', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,100,5120,70,410,65,Imitation Pokémon,115,1000000,1.2,70,Usokkieウソッキー,Sudowoodo,50.0,185,30,65,30,rock,,38.0,2,0
+185,"['Water Absorb', 'Damp', 'Drizzle']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,5120,70,500,45,Frog Pokémon,75,1059860,1.1,90,Nyorotonoニョロトノ,Politoed,50.0,186,90,100,70,water,,33.9,2,0
+186,"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,35,5120,70,250,255,Cottonweed Pokémon,40,1059860,0.4,35,Haneccoハネッコ,Hoppip,50.0,187,35,55,50,grass,flying,0.5,2,0
+187,"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,45,5120,70,340,120,Cottonweed Pokémon,50,1059860,0.6,55,Popoccoポポッコ,Skiploom,50.0,188,45,65,80,grass,flying,1.0,2,0
+188,"['Chlorophyll', 'Leaf Guard', 'Infiltrator']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,55,5120,70,460,45,Cottonweed Pokémon,70,1059860,0.8,75,Wataccoワタッコ,Jumpluff,50.0,189,55,95,110,grass,flying,3.0,2,0
+189,"['Run Away', 'Pickup', 'Skill Link']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,70,5120,70,360,45,Long Tail Pokémon,55,800000,0.8,55,Eipamエイパム,Aipom,50.0,190,40,55,85,normal,,11.5,2,0
+190,"['Chlorophyll', 'Solar Power', 'Early Bird']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,30,5120,70,180,235,Seed Pokémon,30,1059860,0.3,30,Himanutsヒマナッツ,Sunkern,50.0,191,30,30,30,grass,,1.8,2,0
+191,"['Chlorophyll', 'Solar Power', 'Early Bird']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,75,5120,70,425,120,Sun Pokémon,55,1059860,0.8,75,Kimawariキマワリ,Sunflora,50.0,192,105,85,30,grass,,8.5,2,0
+192,"['Speed Boost', 'Compoundeyes', 'Frisk']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,65,5120,70,390,75,Clear Wing Pokémon,45,1000000,1.2,65,Yanyanmaヤンヤンマ,Yanma,50.0,193,75,45,95,bug,flying,38.0,2,0
+193,"['Damp', 'Water Absorb', 'Unaware']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,45,5120,70,210,255,Water Fish Pokémon,45,1000000,0.4,55,Upahウパー,Wooper,50.0,194,25,25,15,water,ground,8.5,2,0
+194,"['Damp', 'Water Absorb', 'Unaware']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,85,5120,70,430,90,Water Fish Pokémon,85,1000000,1.4,95,Nuohヌオー,Quagsire,50.0,195,65,65,35,water,ground,75.0,2,0
+195,"['Synchronize', 'Magic Bounce']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,65,8960,70,525,45,Sun Pokémon,60,1000000,0.9,65,Eifieエーフィ,Espeon,88.1,196,130,95,110,psychic,,26.5,2,0
+196,"['Synchronize', 'Inner Focus']",2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,65,8960,35,525,45,Moonlight Pokémon,110,1000000,1.0,95,Blackyブラッキー,Umbreon,88.1,197,60,130,65,dark,,27.0,2,0
+197,"['Insomnia', 'Super Luck', 'Prankster']",1.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,0.5,0.5,0.0,2.0,1.0,1.0,0.0,2.0,1.0,1.0,85,5120,35,405,30,Darkness Pokémon,42,1059860,0.5,60,Yamikarasuヤミカラス,Murkrow,50.0,198,85,42,91,dark,flying,2.1,2,0
+198,"['Oblivious', 'Own Tempo', 'Regenerator']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,75,5120,70,490,70,Royal Pokémon,80,1000000,2.0,95,Yadokingヤドキング,Slowking,50.0,199,100,110,30,water,psychic,79.5,2,0
+199,['Levitate'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,60,6400,35,435,45,Screech Pokémon,60,800000,0.7,60,Mumaムウマ,Misdreavus,50.0,200,85,85,85,ghost,,1.0,2,0
+200,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,72,10240,70,336,225,Symbol Pokémon,48,1000000,0.5,48,Unknownアンノーン,Unown,,201,72,48,48,psychic,,5.0,2,0
+201,"['Shadow Tag', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,33,5120,70,405,45,Patient Pokémon,58,1000000,1.3,190,Sonansソーナンス,Wobbuffet,50.0,202,33,58,33,psychic,,28.5,2,0
+202,"['Inner Focus', 'Early Bird', 'Sap Sipper']",2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,80,5120,70,455,60,Long Neck Pokémon,65,1000000,1.5,70,Kirinrikiキリンリキ,Girafarig,50.0,203,90,65,85,normal,psychic,41.5,2,0
+203,"['Sturdy', 'Overcoat']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,65,5120,70,290,190,Bagworm Pokémon,90,1000000,0.6,50,Kunugidamaクヌギダマ,Pineco,50.0,204,35,35,15,bug,,7.2,2,0
+204,"['Sturdy', 'Overcoat']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,90,5120,70,465,75,Bagworm Pokémon,140,1000000,1.2,75,Foretosフォレトス,Forretress,50.0,205,60,60,40,bug,steel,125.8,2,0
+205,"['Serene Grace', 'Run Away', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,70,5120,70,415,190,Land Snake Pokémon,70,1000000,1.5,100,Nokocchiノコッチ,Dunsparce,50.0,206,65,65,45,normal,,14.0,2,0
+206,"['Hyper Cutter', 'Sand Veil', 'Immunity']",0.5,1.0,1.0,0.0,1.0,0.5,1.0,1.0,1.0,1.0,0.0,4.0,1.0,0.5,1.0,1.0,1.0,2.0,75,5120,70,430,60,Flyscorpion Pokémon,105,1059860,1.1,65,Gligerグライガー,Gligar,50.0,207,35,65,85,ground,flying,64.8,2,0
+207,"['Rock Head', 'Sturdy', 'Sheer Force']",0.5,1.0,0.5,0.0,0.5,2.0,2.0,0.5,1.0,1.0,2.0,1.0,0.5,0.0,0.5,0.25,0.5,2.0,125,6400,70,610,25,Iron Snake Pokémon,230,1000000,9.2,75,Haganeilハガネール,Steelix,50.0,208,55,95,30,steel,ground,400.0,2,0
+208,"['Intimidate', 'Run Away', 'Rattled']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,80,5120,70,300,190,Fairy Pokémon,50,800000,0.6,60,Buluブルー,Snubbull,24.6,209,40,40,30,fairy,,7.8,2,0
+209,"['Intimidate', 'Quick Feet', 'Rattled']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,120,5120,70,450,75,Fairy Pokémon,75,800000,1.4,90,Granbuluグランブル,Granbull,24.6,210,60,60,45,fairy,,48.7,2,0
+210,"['Poison Point', 'Swift Swim', 'Intimidate']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,95,5120,70,440,45,Balloon Pokémon,85,1000000,0.5,65,Harysenハリーセン,Qwilfish,50.0,211,55,55,85,water,poison,3.9,2,0
+211,"['Swarm', 'Technician', 'Light Metal']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,150,6400,70,600,25,Pincer Pokémon,140,1000000,1.8,70,Hassamハッサム,Scizor,50.0,212,65,100,75,bug,steel,118.0,2,0
+212,"['Sturdy', 'Gluttony', 'Contrary']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,10,5120,70,505,190,Mold Pokémon,230,1059860,0.6,20,Tsubotsuboツボツボ,Shuckle,50.0,213,10,230,5,bug,rock,20.5,2,0
+213,"['Swarm', 'Guts', 'Moxie']",0.5,0.5,1.0,1.0,2.0,0.5,2.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,1.0,1.0,1.0,185,6400,70,600,45,Singlehorn Pokémon,115,1250000,1.5,80,Heracrosヘラクロス,Heracross,50.0,214,40,105,75,bug,fighting,54.0,2,0
+214,"['Inner Focus', 'Keen Eye', 'Pickpocket']",2.0,0.5,1.0,1.0,2.0,4.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,1.0,0.0,2.0,2.0,1.0,95,5120,35,430,60,Sharp Claw Pokémon,55,1059860,0.9,55,Nyulaニューラ,Sneasel,50.0,215,35,75,115,dark,ice,28.0,2,0
+215,"['Pickup', 'Quick Feet', 'Honey Gather']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,5120,70,330,120,Little Bear Pokémon,50,1000000,0.6,60,Himegumaヒメグマ,Teddiursa,50.0,216,50,50,40,normal,,8.8,2,0
+216,"['Guts', 'Quick Feet', 'Unnerve']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,130,5120,70,500,60,Hibernator Pokémon,75,1000000,1.8,90,Ringumaリングマ,Ursaring,50.0,217,75,75,55,normal,,125.8,2,0
+217,"['Magma Armor', 'Flame Body', 'Weak Armor']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,40,5120,70,250,190,Lava Pokémon,40,1000000,0.7,40,Magmagマグマッグ,Slugma,50.0,218,70,40,20,fire,,35.0,2,0
+218,"['Magma Armor', 'Flame Body', 'Weak Armor']",0.5,1.0,1.0,1.0,0.5,2.0,0.25,0.5,1.0,1.0,4.0,0.5,0.5,0.5,1.0,2.0,1.0,4.0,50,5120,70,430,75,Lava Pokémon,120,1000000,0.8,60,Magcargotマグカルゴ,Magcargo,50.0,219,90,80,30,fire,rock,55.0,2,0
+219,"['Oblivious', 'Snow Cloak', 'Thick Fat']",1.0,1.0,1.0,0.0,1.0,2.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,50,5120,70,250,225,Pig Pokémon,40,1250000,0.4,50,Urimooウリムー,Swinub,50.0,220,30,30,50,ice,ground,6.5,2,0
+220,"['Oblivious', 'Snow Cloak', 'Thick Fat']",1.0,1.0,1.0,0.0,1.0,2.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,100,5120,70,450,75,Swine Pokémon,80,1250000,1.1,100,Inomooイノムー,Piloswine,50.0,221,60,60,50,ice,ground,55.8,2,0
+221,"['Hustle', 'Natural Cure', 'Regenerator']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,55,5120,70,410,60,Coral Pokémon,95,800000,0.6,65,Sunnygoサニーゴ,Corsola,24.6,222,65,95,35,water,rock,5.0,2,0
+222,"['Hustle', 'Sniper', 'Moody']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,300,190,Jet Pokémon,35,1000000,0.6,35,Teppouoテッポウオ,Remoraid,50.0,223,65,35,65,water,,12.0,2,0
+223,"['Suction Cups', 'Sniper', 'Moody']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,480,75,Jet Pokémon,75,1000000,0.9,75,Okutankオクタン,Octillery,50.0,224,105,75,45,water,,28.5,2,0
+224,"['Vital Spirit', 'Hustle', 'Insomnia']",0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,1.0,4.0,2.0,1.0,55,5120,70,330,45,Delivery Pokémon,45,800000,0.9,45,Delibirdデリバード,Delibird,50.0,225,65,45,75,ice,flying,16.0,2,0
+225,"['Swift Swim', 'Water Absorb', 'Water Veil']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,40,6400,70,485,25,Kite Pokémon,70,1250000,2.1,85,Mantainマンタイン,Mantine,50.0,226,80,140,70,water,flying,220.0,2,0
+226,"['Keen Eye', 'Sturdy', 'Weak Armor']",0.25,1.0,0.5,2.0,0.5,1.0,2.0,0.5,1.0,0.25,0.0,1.0,0.5,0.0,0.5,1.0,0.5,1.0,80,6400,70,465,25,Armor Bird Pokémon,140,1250000,1.7,65,Airmdエアームド,Skarmory,50.0,227,40,70,70,steel,flying,50.5,2,0
+227,"['Early Bird', 'Flash Fire', 'Unnerve']",1.0,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,0.5,2.0,0.5,1.0,1.0,0.0,2.0,0.5,2.0,60,5120,35,330,120,Dark Pokémon,30,1250000,0.6,45,Delvilデルビル,Houndour,50.0,228,80,50,65,dark,fire,10.8,2,0
+228,"['Early Bird', 'Flash Fire', 'Unnerve']",1.0,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,0.5,2.0,0.5,1.0,1.0,0.0,2.0,0.5,2.0,90,5120,35,600,45,Dark Pokémon,90,1250000,1.4,75,Hellgarヘルガー,Houndoom,50.0,229,140,90,115,dark,fire,35.0,2,0
+229,"['Swift Swim', 'Sniper', 'Damp']",1.0,1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.25,95,5120,70,540,45,Dragon Pokémon,95,1000000,1.8,75,Kingdraキングドラ,Kingdra,50.0,230,95,95,85,water,dragon,152.0,2,0
+230,"['Pickup', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,60,5120,70,330,120,Long Nose Pokémon,60,1000000,0.5,90,Gomazouゴマゾウ,Phanpy,50.0,231,40,40,40,ground,,33.5,2,0
+231,"['Sturdy', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,120,5120,70,500,60,Armor Pokémon,120,1000000,1.1,90,Donfanドンファン,Donphan,50.0,232,60,60,50,ground,,120.0,2,0
+232,"['Trace', 'Download', 'Analytic']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,5120,70,515,45,Virtual Pokémon,90,1000000,0.6,85,Porygon2ポリゴン2,Porygon2,,233,105,95,60,normal,,32.5,2,0
+233,"['Intimidate', 'Frisk', 'Sap Sipper']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,95,5120,70,465,45,Big Horn Pokémon,62,1250000,1.4,73,Odoshishiオドシシ,Stantler,50.0,234,85,65,85,normal,,71.2,2,0
+234,"['Own Tempo', 'Technician', 'Moody']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,20,5120,70,250,45,Painter Pokémon,35,800000,1.2,55,Dobleドーブル,Smeargle,50.0,235,20,45,75,normal,,58.0,2,0
+235,"['Guts', 'Steadfast', 'Vital Spirit']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,35,6400,70,210,75,Scuffle Pokémon,35,1000000,0.7,35,Balkieバルキー,Tyrogue,100.0,236,35,35,35,fighting,,21.0,2,0
+236,"['Intimidate', 'Technician', 'Steadfast']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,95,6400,70,455,45,Handstand Pokémon,95,1000000,1.4,50,Kapoererカポエラー,Hitmontop,100.0,237,35,110,70,fighting,,48.0,2,0
+237,"['Oblivious', 'Forewarn', 'Hydration']",2.0,2.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,2.0,2.0,1.0,30,6400,70,305,45,Kiss Pokémon,15,1000000,0.4,45,Muchulムチュール,Smoochum,0.0,238,85,65,65,ice,psychic,6.0,2,0
+238,"['Static', 'Vital Spirit']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,63,6400,70,360,45,Electric Pokémon,37,1000000,0.6,45,Elekidエレキッド,Elekid,75.4,239,65,55,95,electric,,23.5,2,0
+239,"['Flame Body', 'Vital Spirit']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,75,6400,70,365,45,Live Coal Pokémon,37,1000000,0.7,45,Bubyブビィ,Magby,75.4,240,70,55,83,fire,,21.4,2,0
+240,"['Thick Fat', 'Scrappy', 'Sap Sipper']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,5120,70,490,45,Milk Cow Pokémon,105,1250000,1.2,95,Miltankミルタンク,Miltank,0.0,241,40,70,100,normal,,75.5,2,0
+241,"['Natural Cure', 'Serene Grace', 'Healer']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,10,10240,140,540,30,Happiness Pokémon,10,800000,1.5,255,Happinasハピナス,Blissey,0.0,242,75,135,55,normal,,46.8,2,0
+242,"['Pressure', 'Inner Focus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,20480,35,580,3,Thunder Pokémon,75,1250000,1.9,90,Raikouライコウ,Raikou,,243,115,100,115,electric,,178.0,2,1
+243,"['Pressure', 'Inner Focus']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,115,20480,35,580,3,Volcano Pokémon,85,1250000,2.1,115,Enteiエンテイ,Entei,,244,90,75,100,fire,,198.0,2,1
+244,"['Pressure', 'Inner Focus']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,20480,35,580,3,Aurora Pokémon,115,1250000,2.0,100,Suicuneスイクン,Suicune,,245,90,115,85,water,,187.0,2,1
+245,"['Guts', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,64,10240,35,300,45,Rock Skin Pokémon,50,1250000,0.6,50,Yogirasヨーギラス,Larvitar,50.0,246,45,50,41,rock,ground,72.0,2,0
+246,['Shed Skin'],1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,84,10240,35,410,45,Hard Shell Pokémon,70,1250000,1.2,70,Sanagirasサナギラス,Pupitar,50.0,247,65,70,51,rock,ground,152.0,2,0
+247,"['Sand Stream', 'Unnerve']",2.0,0.5,1.0,1.0,2.0,4.0,0.5,0.5,0.5,2.0,2.0,1.0,0.5,0.5,0.0,1.0,2.0,2.0,164,10240,35,700,45,Armor Pokémon,150,1250000,2.0,100,Bangirasバンギラス,Tyranitar,50.0,248,95,120,71,rock,dark,202.0,2,0
+248,"['Pressure', 'Multiscale']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,90,30720,0,680,3,Diving Pokémon,130,1250000,5.2,106,Lugiaルギア,Lugia,,249,90,154,110,psychic,flying,216.0,2,1
+249,"['Pressure', 'Regenerator']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,130,30720,0,680,3,Rainbow Pokémon,90,1250000,3.8,106,Hououホウオウ,Ho-Oh,,250,110,154,90,fire,flying,199.0,2,1
+250,['Natural Cure'],4.0,2.0,1.0,0.5,1.0,0.5,2.0,2.0,2.0,0.5,0.5,2.0,1.0,2.0,0.5,1.0,1.0,0.5,100,30720,100,600,45,Time Travel Pokémon,100,1059860,0.6,100,Celebiセレビィ,Celebi,,251,100,100,100,psychic,grass,5.0,2,1
+251,"['Overgrow', 'Unburden']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,45,5120,70,310,45,Wood Gecko Pokémon,35,1059860,0.5,40,Kimoriキモリ,Treecko,88.1,252,65,55,70,grass,,5.0,3,0
+252,"['Overgrow', 'Unburden']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,65,5120,70,405,45,Wood Gecko Pokémon,45,1059860,0.9,50,Juptileジュプトル,Grovyle,88.1,253,85,65,95,grass,,21.6,3,0
+253,"['Overgrow', 'Unburden']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,110,5120,70,630,45,Forest Pokémon,75,1059860,1.7,70,Jukainジュカイン,Sceptile,88.1,254,145,85,145,grass,,52.2,3,0
+254,"['Blaze', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,60,5120,70,310,45,Chick Pokémon,40,1059860,0.4,45,Achamoアチャモ,Torchic,88.1,255,70,50,45,fire,,2.5,3,0
+255,"['Blaze', 'Speed Boost']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,85,5120,70,405,45,Young Fowl Pokémon,60,1059860,0.9,60,Wakasyamoワカシャモ,Combusken,88.1,256,85,60,55,fire,fighting,19.5,3,0
+256,"['Blaze', 'Speed Boost']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,160,5120,70,630,45,Blaze Pokémon,80,1059860,1.9,80,Bursyamoバシャーモ,Blaziken,88.1,257,130,80,100,fire,fighting,52.0,3,0
+257,"['Torrent', 'Damp']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,70,5120,70,310,45,Mud Fish Pokémon,50,1059860,0.4,50,Mizugorouミズゴロウ,Mudkip,88.1,258,50,50,40,water,,7.6,3,0
+258,"['Torrent', 'Damp']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,85,5120,70,405,45,Mud Fish Pokémon,70,1059860,0.7,70,Numacrawヌマクロー,Marshtomp,88.1,259,60,70,50,water,ground,28.0,3,0
+259,"['Torrent', 'Damp']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,150,5120,70,635,45,Mud Fish Pokémon,110,1059860,1.5,100,Laglargeラグラージ,Swampert,88.1,260,95,110,70,water,ground,81.9,3,0
+260,"['Run Away', 'Quick Feet', 'Rattled']",2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,55,3840,70,220,255,Bite Pokémon,35,1000000,0.5,35,Pochienaポチエナ,Poochyena,50.0,261,30,30,35,dark,,13.6,3,0
+261,"['Intimidate', 'Quick Feet', 'Moxie']",2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,90,3840,70,420,127,Bite Pokémon,70,1000000,1.0,70,Graenaグラエナ,Mightyena,50.0,262,60,60,70,dark,,37.0,3,0
+262,"['Pickup', 'Gluttony', 'Quick Feet']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,30,3840,70,240,255,Tiny Racoon Pokémon,41,1000000,0.4,38,Jiguzagumaジグザグマ,Zigzagoon,50.0,263,30,41,60,normal,,17.5,3,0
+263,"['Pickup', 'Gluttony', 'Quick Feet']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,70,3840,70,420,90,Rush Pokémon,61,1000000,0.5,78,Massugumaマッスグマ,Linoone,50.0,264,50,61,100,normal,,32.5,3,0
+264,"['Shield Dust', 'Run Away']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,45,3840,70,195,255,Worm Pokémon,35,1000000,0.3,45,Kemussoケムッソ,Wurmple,50.0,265,20,30,20,bug,,3.6,3,0
+265,['Shed Skin'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,35,3840,70,205,120,Cocoon Pokémon,55,1000000,0.6,50,Karasalisカラサリス,Silcoon,50.0,266,25,25,15,bug,,10.0,3,0
+266,"['Swarm', 'Rivalry']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,70,3840,70,395,45,Butterfly Pokémon,50,1000000,1.0,60,Agehuntアゲハント,Beautifly,50.0,267,100,50,65,bug,flying,28.4,3,0
+267,['Shed Skin'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,35,3840,70,205,120,Cocoon Pokémon,55,1000000,0.7,50,Mayuldマユルド,Cascoon,50.0,268,25,25,15,bug,,11.5,3,0
+268,"['Shield Dust', 'Compoundeyes']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,50,3840,70,385,45,Poison Moth Pokémon,70,1000000,1.2,60,Dokucaleドクケイル,Dustox,50.0,269,50,90,65,bug,poison,31.6,3,0
+269,"['Swift Swim', 'Rain Dish', 'Own Tempo']",2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.25,30,3840,70,220,255,Water Weed Pokémon,30,1059860,0.5,40,Hassbohハスボー,Lotad,50.0,270,40,50,30,water,grass,2.6,3,0
+270,"['Swift Swim', 'Rain Dish', 'Own Tempo']",2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.25,50,3840,70,340,120,Jolly Pokémon,50,1059860,1.2,60,Hasubreroハスブレロ,Lombre,50.0,271,60,70,50,water,grass,32.5,3,0
+271,"['Swift Swim', 'Rain Dish', 'Own Tempo']",2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.25,70,3840,70,480,45,Carefree Pokémon,70,1059860,1.5,80,Runpappaルンパッパ,Ludicolo,50.0,272,90,100,70,water,grass,55.0,3,0
+272,"['Chlorophyll', 'Early Bird', 'Pickpocket']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,40,3840,70,220,255,Acorn Pokémon,50,1059860,0.5,40,Tanebohタネボー,Seedot,50.0,273,30,30,30,grass,,4.0,3,0
+273,"['Chlorophyll', 'Early Bird', 'Pickpocket']",4.0,0.5,1.0,0.5,2.0,2.0,2.0,2.0,0.5,0.5,0.5,2.0,1.0,2.0,0.0,1.0,1.0,0.5,70,3840,70,340,120,Wily Pokémon,40,1059860,1.0,70,Konohanaコノハナ,Nuzleaf,50.0,274,60,40,60,grass,dark,28.0,3,0
+274,"['Chlorophyll', 'Early Bird', 'Pickpocket']",4.0,0.5,1.0,0.5,2.0,2.0,2.0,2.0,0.5,0.5,0.5,2.0,1.0,2.0,0.0,1.0,1.0,0.5,100,3840,70,480,45,Wickid Pokémon,60,1059860,1.3,90,Dirtengダーテング,Shiftry,50.0,275,90,60,80,grass,dark,59.6,3,0
+275,"['Guts', 'Scrappy']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,55,3840,70,270,200,TinySwallow Pokémon,30,1059860,0.3,40,Subameスバメ,Taillow,50.0,276,30,30,85,normal,flying,2.3,3,0
+276,"['Guts', 'Scrappy']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,85,3840,70,455,45,Swallow Pokémon,60,1059860,0.7,60,Ohsubameオオスバメ,Swellow,50.0,277,75,50,125,normal,flying,19.8,3,0
+277,"['Keen Eye', 'Hydration', 'Rain Dish']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,30,5120,70,270,190,Seagull Pokémon,30,1000000,0.6,40,Camomeキャモメ,Wingull,50.0,278,55,30,85,water,flying,9.5,3,0
+278,"['Keen Eye', 'Drizzle', 'Rain Dish']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,50,5120,70,440,45,Water Bird Pokémon,100,1000000,1.2,60,Pelipperペリッパー,Pelipper,50.0,279,95,70,65,water,flying,28.0,3,0
+279,"['Synchronize', 'Trace', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,25,5120,35,198,235,Feeling Pokémon,25,1250000,0.4,28,Raltsラルトス,Ralts,50.0,280,45,35,40,psychic,fairy,6.6,3,0
+280,"['Synchronize', 'Trace', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,35,5120,35,278,120,Emotion Pokémon,35,1250000,0.8,38,Kirliaキルリア,Kirlia,50.0,281,65,55,50,psychic,fairy,20.2,3,0
+281,"['Synchronize', 'Trace', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,85,5120,35,618,45,Embrace Pokémon,65,1250000,1.6,68,Sirnightサーナイト,Gardevoir,50.0,282,165,135,100,psychic,fairy,48.4,3,0
+282,"['Swift Swim', 'Rain Dish']",1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,30,3840,70,269,200,Pond Skater Pokémon,32,1000000,0.5,40,Ametamaアメタマ,Surskit,50.0,283,50,52,65,bug,water,1.7,3,0
+283,"['Intimidate', 'Unnerve']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,60,3840,70,454,75,Eyeball Pokémon,62,1000000,0.8,70,Amemothアメモース,Masquerain,50.0,284,100,82,80,bug,flying,3.6,3,0
+284,"['Effect Spore', 'Poison Heal', 'Quick Feet']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,40,3840,70,295,255,Mushroom Pokémon,60,1640000,0.4,60,Kinococoキノココ,Shroomish,50.0,285,40,60,35,grass,,4.5,3,0
+285,"['Effect Spore', 'Poison Heal', 'Technician']",1.0,0.5,1.0,0.5,2.0,1.0,2.0,4.0,1.0,0.5,0.5,2.0,1.0,2.0,2.0,0.5,1.0,0.5,130,3840,70,460,90,Mushroom Pokémon,80,1640000,1.2,60,Kinogassaキノガッサ,Breloom,50.0,286,60,60,70,grass,fighting,39.2,3,0
+286,['Truant'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,60,3840,70,280,255,Slacker Pokémon,60,1250000,0.8,60,Namakeroナマケロ,Slakoth,50.0,287,35,35,30,normal,,24.0,3,0
+287,['Vital Spirit'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,3840,70,440,120,Wild Monkey Pokémon,80,1250000,1.4,80,Yarukimonoヤルキモノ,Vigoroth,50.0,288,55,55,90,normal,,46.5,3,0
+288,['Truant'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,160,3840,70,670,45,Lazy Pokémon,100,1250000,2.0,150,Kekkingケッキング,Slaking,50.0,289,95,65,100,normal,,130.5,3,0
+289,"['Compoundeyes', 'Run Away']",1.0,1.0,1.0,0.0,1.0,0.5,2.0,2.0,1.0,1.0,0.5,2.0,1.0,0.5,1.0,1.0,1.0,2.0,45,3840,70,266,255,Trainee Pokémon,90,600000,0.5,31,Tutininツチニン,Nincada,50.0,290,30,30,40,bug,ground,5.5,3,0
+290,"['Speed Boost', 'Infiltrator']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,90,3840,70,456,120,Ninja Pokémon,45,600000,0.8,61,Tekkaninテッカニン,Ninjask,50.0,291,50,50,160,bug,flying,12.0,3,0
+291,['Wonder Guard'],0.5,2.0,1.0,1.0,1.0,0.0,2.0,2.0,2.0,0.5,0.5,1.0,0.0,0.5,1.0,2.0,1.0,1.0,90,3840,70,236,45,Shed Pokémon,45,600000,0.8,1,Nukeninヌケニン,Shedinja,,292,30,30,40,bug,ghost,1.2,3,0
+292,"['Soundproof', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,51,5120,70,240,190,Whisper Pokémon,23,1059860,0.6,64,Gonyonyoゴニョニョ,Whismur,50.0,293,51,23,28,normal,,16.3,3,0
+293,"['Soundproof', 'Scrappy']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,71,5120,70,360,120,Big Voice Pokémon,43,1059860,1.0,84,Dogohmbドゴーム,Loudred,50.0,294,71,43,48,normal,,40.5,3,0
+294,"['Soundproof', 'Scrappy']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,91,5120,70,490,45,Loud Noise Pokémon,63,1059860,1.5,104,Bakuongバクオング,Exploud,50.0,295,91,73,68,normal,,84.0,3,0
+295,"['Thick Fat', 'Guts', 'Sheer Force']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,60,5120,70,237,180,Guts Pokémon,30,1640000,1.0,72,Makunoshitaマクノシタ,Makuhita,75.4,296,20,30,25,fighting,,86.4,3,0
+296,"['Thick Fat', 'Guts', 'Sheer Force']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,120,5120,70,474,200,Arm Thrust Pokémon,60,1640000,2.3,144,Hariteyamaハリテヤマ,Hariyama,75.4,297,40,60,50,fighting,,253.8,3,0
+297,"['Thick Fat', 'Huge Power', 'Sap Sipper']",0.5,0.5,0.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,20,2560,70,190,150,Polka Dot Pokémon,40,800000,0.2,50,Ruririルリリ,Azurill,24.6,298,20,40,20,normal,fairy,2.0,3,0
+298,"['Sturdy', 'Magnet Pull', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,45,5120,70,375,255,Compass Pokémon,135,1000000,1.0,30,Nosepassノズパス,Nosepass,50.0,299,45,90,30,rock,,97.0,3,0
+299,"['Cute Charm', 'Normalize', 'Wonder Skin ']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,45,3840,70,260,255,Kitten Pokémon,45,800000,0.6,50,Enecoエネコ,Skitty,24.6,300,35,35,50,normal,,11.0,3,0
+300,"['Cute Charm', 'Normalize', 'Wonder Skin ']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,65,3840,70,400,60,Prim Pokémon,65,800000,1.1,70,Enekororoエネコロロ,Delcatty,24.6,301,55,55,90,normal,,32.6,3,0
+301,"['Keen Eye', 'Stall', 'Prankster']",1.0,1.0,1.0,1.0,2.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,1.0,1.0,1.0,85,6400,35,480,45,Darkness Pokémon,125,1059860,0.5,50,Yamiramiヤミラミ,Sableye,50.0,302,85,115,20,dark,ghost,11.0,3,0
+302,"['Hyper Cutter', 'Intimidate', 'Sheer Force']",0.25,0.5,0.0,1.0,0.5,1.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,1.0,1.0,105,5120,70,480,45,Deceiver Pokémon,125,800000,0.6,50,Kucheatクチート,Mawile,50.0,303,55,95,50,steel,fairy,11.5,3,0
+303,"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,70,8960,35,330,180,Iron Armor Pokémon,100,1250000,0.4,50,Cokodoraココドラ,Aron,50.0,304,40,40,30,steel,rock,60.0,3,0
+304,"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,90,8960,35,430,90,Iron Armor Pokémon,140,1250000,0.9,60,Kodoraコドラ,Lairon,50.0,305,50,50,40,steel,rock,120.0,3,0
+305,"['Sturdy', 'Rock Head', 'Heavy Metal']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,140,8960,35,630,45,Iron Armor Pokémon,230,1250000,2.1,70,Bossgodoraボスゴドラ,Aggron,50.0,306,60,80,50,steel,rock,360.0,3,0
+306,"['Pure Power', 'Telepathy']",1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,40,5120,70,280,180,Meditate Pokémon,55,1000000,0.6,30,Asananアサナン,Meditite,50.0,307,40,55,60,fighting,psychic,11.2,3,0
+307,"['Pure Power', 'Telepathy']",1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,100,5120,70,510,90,Meditate Pokémon,85,1000000,1.3,60,Charemチャーレム,Medicham,50.0,308,80,85,100,fighting,psychic,31.5,3,0
+308,"['Static', 'Lightningrod', 'Minus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,45,5120,70,295,120,Lightning Pokémon,40,1250000,0.6,40,Rakuraiラクライ,Electrike,50.0,309,65,40,65,electric,,15.2,3,0
+309,"['Static', 'Lightningrod', 'Minus']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,75,5120,70,575,45,Discharge Pokémon,80,1250000,1.5,70,Livoltライボルト,Manectric,50.0,310,135,80,135,electric,,40.2,3,0
+310,"['Plus', 'Lightningrod']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,50,5120,70,405,200,Cheering Pokémon,40,1000000,0.4,60,Prasleプラスル,Plusle,50.0,311,85,75,95,electric,,4.2,3,0
+311,"['Minus', 'Volt Absorb']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,40,5120,70,405,200,Cheering Pokémon,50,1000000,0.4,60,Minunマイナン,Minun,50.0,312,75,85,95,electric,,4.2,3,0
+312,"['Illuminate', 'Swarm', 'Prankster']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,73,3840,70,430,150,Firefly Pokémon,75,600000,0.7,65,Barubeatバルビート,Volbeat,100.0,313,47,85,85,bug,,17.7,3,0
+313,"['Oblivious', 'Tinted Lens', 'Prankster']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,47,3840,70,430,150,Firefly Pokémon,75,1640000,0.6,65,Illumiseイルミーゼ,Illumise,0.0,314,73,85,85,bug,,17.7,3,0
+314,"['Natural Cure', 'Poison Point', 'Leaf Guard']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,60,5120,70,400,150,Thorn Pokémon,45,1059860,0.3,50,Roseliaロゼリア,Roselia,50.0,315,100,80,65,grass,poison,2.0,3,0
+315,"['Liquid Ooze', 'Sticky Hold', 'Gluttony']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,43,5120,70,302,225,Stomach Pokémon,53,1640000,0.4,70,Gokulinゴクリン,Gulpin,50.0,316,43,53,40,poison,,10.3,3,0
+316,"['Liquid Ooze', 'Sticky Hold', 'Gluttony']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,73,5120,70,467,75,Poison Bag Pokémon,83,1640000,1.7,100,Marunoomマルノーム,Swalot,50.0,317,73,83,55,poison,,80.0,3,0
+317,"['Rough Skin', 'Speed Boost']",2.0,0.5,1.0,2.0,2.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,1.0,1.0,0.0,1.0,0.5,0.5,90,5120,35,305,225,Savage Pokémon,20,1250000,0.8,45,Kibanhaキバニア,Carvanha,50.0,318,65,20,65,water,dark,20.8,3,0
+318,"['Rough Skin', 'Speed Boost']",2.0,0.5,1.0,2.0,2.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,1.0,1.0,0.0,1.0,0.5,0.5,140,5120,35,560,60,Brutal Pokémon,70,1250000,1.8,70,Samehaderサメハダー,Sharpedo,50.0,319,110,65,105,water,dark,88.8,3,0
+319,"['Water Veil', 'Oblivious', 'Pressure']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,70,10240,70,400,125,Ball Whale Pokémon,35,1640000,2.0,130,Hoerukoホエルコ,Wailmer,50.0,320,70,35,60,water,,130.0,3,0
+320,"['Water Veil', 'Oblivious', 'Pressure']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,90,10240,70,500,60,Float Whale Pokémon,45,1640000,14.5,170,Whalohホエルオー,Wailord,50.0,321,90,45,60,water,,398.0,3,0
+321,"['Oblivious', 'Simple', 'Own Tempo']",0.5,1.0,1.0,0.0,0.5,1.0,0.5,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,4.0,60,5120,70,305,255,Numb Pokémon,40,1000000,0.7,60,Donmelドンメル,Numel,50.0,322,65,45,35,fire,ground,24.0,3,0
+322,"['Magma Armor', 'Solid Rock', 'Anger Point']",0.5,1.0,1.0,0.0,0.5,1.0,0.5,1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,4.0,120,5120,70,560,150,Eruption Pokémon,100,1000000,1.9,70,Bakuudaバクーダ,Camerupt,50.0,323,145,105,20,fire,ground,220.0,3,0
+323,"['White Smoke', 'Drought', 'Shell Armor']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,85,5120,70,470,90,Coal Pokémon,140,1000000,0.5,70,Cotoiseコータス,Torkoal,50.0,324,85,70,20,fire,,80.4,3,0
+324,"['Thick Fat', 'Own Tempo', 'Gluttony']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,25,5120,70,330,255,Bounce Pokémon,35,800000,0.7,60,Banebooバネブー,Spoink,50.0,325,70,80,60,psychic,,30.6,3,0
+325,"['Thick Fat', 'Own Tempo', 'Gluttony']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,45,5120,70,470,60,Manipulate Pokémon,65,800000,0.9,80,Boopigブーピッグ,Grumpig,50.0,326,90,110,80,psychic,,71.5,3,0
+326,"['Own Tempo', 'Tangled Feet', 'Contrary']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,60,3840,70,360,255,Spot Panda Pokémon,60,800000,1.1,60,Patcheelパッチール,Spinda,50.0,327,60,60,60,normal,,5.0,3,0
+327,"['Hyper Cutter', 'Arena Trap', 'Sheer Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,290,255,Ant Pit Pokémon,45,1059860,0.7,45,Nuckrarナックラー,Trapinch,50.0,328,45,45,10,ground,,15.0,3,0
+328,['Levitate'],1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,70,5120,70,340,120,Vibration Pokémon,50,1059860,1.1,50,Vibravaビブラーバ,Vibrava,50.0,329,50,50,70,ground,dragon,15.3,3,0
+329,['Levitate'],1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,100,5120,70,520,45,Mystic Pokémon,80,1059860,2.0,80,Flygonフライゴン,Flygon,50.0,330,80,80,100,ground,dragon,82.0,3,0
+330,"['Sand Veil', 'Water Absorb']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,85,5120,35,335,190,Cactus Pokémon,40,1059860,0.4,50,Saboneaサボネア,Cacnea,50.0,331,85,40,35,grass,,51.3,3,0
+331,"['Sand Veil', 'Water Absorb']",4.0,0.5,1.0,0.5,2.0,2.0,2.0,2.0,0.5,0.5,0.5,2.0,1.0,2.0,0.0,1.0,1.0,0.5,115,5120,35,475,60,Scarecrow Pokémon,60,1059860,1.3,70,Noctusノクタス,Cacturne,50.0,332,115,60,55,grass,dark,77.4,3,0
+332,"['Natural Cure', 'Cloud Nine']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,40,5120,70,310,255,Cotton Bird Pokémon,60,600000,0.4,45,Tylttoチルット,Swablu,50.0,333,40,75,50,normal,flying,1.2,3,0
+333,"['Natural Cure', 'Cloud Nine']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,110,5120,70,590,45,Humming Pokémon,110,600000,1.1,75,Tyltalisチルタリス,Altaria,50.0,334,110,105,80,dragon,flying,20.6,3,0
+334,"['Immunity', 'Toxic Boost']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,115,5120,70,458,90,Cat Ferret Pokémon,60,600000,1.3,73,Zangooseザングース,Zangoose,50.0,335,60,60,90,normal,,40.3,3,0
+335,"['Shed Skin', 'Infiltrator']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,100,5120,70,458,90,Fang Snake Pokémon,60,1640000,2.7,73,Habunakeハブネーク,Seviper,50.0,336,100,60,65,poison,,52.5,3,0
+336,['Levitate'],2.0,2.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,2.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,2.0,55,6400,70,460,45,Meteorite Pokémon,65,800000,1.0,90,Lunatoneルナトーン,Lunatone,,337,95,85,70,rock,psychic,168.0,3,0
+337,['Levitate'],2.0,2.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,2.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,2.0,95,6400,70,460,45,Meteorite Pokémon,85,800000,1.2,90,Solrockソルロック,Solrock,,338,55,65,70,rock,psychic,154.0,3,0
+338,"['Oblivious', 'Anticipation', 'Hydration']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,48,5120,70,288,190,Whiskers Pokémon,43,1000000,0.4,50,Dojoachドジョッチ,Barboach,50.0,339,46,41,60,water,ground,1.9,3,0
+339,"['Oblivious', 'Anticipation', 'Hydration']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,78,5120,70,468,75,Whiskers Pokémon,73,1000000,0.9,110,Namazunナマズン,Whiscash,50.0,340,76,71,60,water,ground,23.6,3,0
+340,"['Hyper Cutter', 'Shell Armor', 'Adaptability']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,80,3840,70,308,205,Ruffian Pokémon,65,1640000,0.6,43,Heiganiヘイガニ,Corphish,50.0,341,50,35,35,water,,11.5,3,0
+341,"['Hyper Cutter', 'Shell Armor', 'Adaptability']",2.0,0.5,1.0,2.0,2.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,1.0,1.0,0.0,1.0,0.5,0.5,120,3840,70,468,155,Rogue Pokémon,85,1640000,1.1,63,Shizarigerシザリガー,Crawdaunt,50.0,342,90,55,55,water,dark,32.8,3,0
+342,['Levitate'],2.0,2.0,1.0,0.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,40,5120,70,300,255,Clay Doll Pokémon,55,1000000,0.5,40,Yajilonヤジロン,Baltoy,,343,40,70,55,ground,psychic,21.5,3,0
+343,['Levitate'],2.0,2.0,1.0,0.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,2.0,1.0,0.5,0.5,0.5,1.0,2.0,70,5120,70,500,90,Clay Doll Pokémon,105,1000000,1.5,60,Nendollネンドール,Claydol,,344,70,120,75,ground,psychic,108.0,3,0
+344,"['Suction Cups', 'Storm Drain']",2.0,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,1.0,2.0,1.0,41,7680,70,355,45,Sea Lily Pokémon,77,600000,1.0,66,Lilylaリリーラ,Lileep,88.1,345,61,87,23,rock,grass,23.8,3,0
+345,"['Suction Cups', 'Storm Drain']",2.0,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,1.0,2.0,1.0,81,7680,70,495,45,Barnacle Pokémon,97,600000,1.5,86,Yuradleユレイドル,Cradily,88.1,346,81,107,43,rock,grass,60.4,3,0
+346,"['Battle Armor', 'Swift Swim']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,95,7680,70,355,45,Old Shrimp Pokémon,50,600000,0.7,45,Anopthアノプス,Anorith,88.1,347,40,50,75,rock,bug,12.5,3,0
+347,"['Battle Armor', 'Swift Swim']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,125,7680,70,495,45,Plate Pokémon,100,600000,1.5,75,Armaldoアーマルド,Armaldo,88.1,348,70,80,45,rock,bug,68.2,3,0
+348,"['Swift Swim', 'Oblivious', 'Adaptability']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,15,5120,70,200,255,Fish Pokémon,20,600000,0.6,20,Hinbassヒンバス,Feebas,50.0,349,10,55,80,water,,7.4,3,0
+349,"['Marvel Scale', 'Competitive', 'Cute Charm']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,60,5120,70,540,60,Tender Pokémon,79,600000,6.2,95,Milokarossミロカロス,Milotic,50.0,350,100,125,81,water,,162.0,3,0
+350,['Forecast'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,70,6400,70,420,45,Weather Pokémon,70,1000000,0.3,70,Powalenポワルン,Castform,50.0,351,70,70,70,normal,,0.8,3,0
+351,"['Color Change', 'Protean']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,90,5120,70,440,200,Color Swap Pokémon,70,1059860,1.0,60,Kakureonカクレオン,Kecleon,50.0,352,60,120,40,normal,,22.0,3,0
+352,"['Insomnia', 'Frisk', 'Cursed Body']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,75,6400,35,295,225,Puppet Pokémon,35,800000,0.6,44,Kagebouzuカゲボウズ,Shuppet,50.0,353,63,33,45,ghost,,2.3,3,0
+353,"['Insomnia', 'Frisk', 'Cursed Body']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,165,6400,35,555,45,Marionette Pokémon,75,800000,1.1,64,Juppetaジュペッタ,Banette,50.0,354,93,83,75,ghost,,12.5,3,0
+354,"['Levitate', 'Frisk']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,40,6400,35,295,190,Requiem Pokémon,90,800000,0.8,20,Yomawaruヨマワル,Duskull,50.0,355,30,90,25,ghost,,15.0,3,0
+355,"['Pressure', 'Frisk']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,70,6400,35,455,90,Beckon Pokémon,130,800000,1.6,40,Samayouruサマヨール,Dusclops,50.0,356,60,130,25,ghost,,30.6,3,0
+356,"['Chlorophyll', 'Solar Power', 'Harvest']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,68,6400,70,460,200,Fruit Pokémon,83,1250000,2.0,99,Tropiusトロピウス,Tropius,50.0,357,72,87,51,grass,flying,100.0,3,0
+357,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,50,6400,70,455,45,Wind Chime Pokémon,80,800000,0.6,75,Chireanチリーン,Chimecho,50.0,358,95,90,65,psychic,,1.0,3,0
+358,"['Pressure', 'Super Luck', 'Justified']",2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,150,6400,35,565,30,Disaster Pokémon,60,1059860,1.2,65,Absolアブソル,Absol,50.0,359,115,60,115,dark,,47.0,3,0
+359,"['Shadow Tag', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,23,5120,70,260,125,Bright Pokémon,48,1000000,0.6,95,Sohnanoソーナノ,Wynaut,50.0,360,23,48,23,psychic,,14.0,3,0
+360,"['Inner Focus', 'Ice Body', 'Moody']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,5120,70,300,190,Snow Hat Pokémon,50,1000000,0.7,50,Yukiwarashiユキワラシ,Snorunt,50.0,361,50,50,50,ice,,16.8,3,0
+361,"['Inner Focus', 'Ice Body', 'Moody']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,120,5120,70,580,75,Face Pokémon,80,1000000,1.5,80,Onigohriオニゴーリ,Glalie,50.0,362,120,80,100,ice,,256.5,3,0
+362,"['Thick Fat', 'Ice Body', 'Oblivious']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,40,5120,70,290,255,Clap Pokémon,50,1059860,0.8,70,Tamazarashiタマザラシ,Spheal,50.0,363,55,50,25,ice,water,39.5,3,0
+363,"['Thick Fat', 'Ice Body', 'Oblivious']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,60,5120,70,410,120,Ball Roll Pokémon,70,1059860,1.1,90,Todogglerトドグラー,Sealeo,50.0,364,75,70,45,ice,water,87.6,3,0
+364,"['Thick Fat', 'Ice Body', 'Oblivious']",1.0,1.0,1.0,2.0,1.0,2.0,1.0,1.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,2.0,1.0,0.5,80,5120,70,530,45,Ice Break Pokémon,90,1059860,1.4,110,Todoserugaトドゼルガ,Walrein,50.0,365,95,90,65,ice,water,150.6,3,0
+365,"['Shell Armor', 'Rattled']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,64,5120,70,345,255,Bivalve Pokémon,85,600000,0.4,35,Pearluluパールル,Clamperl,50.0,366,74,55,32,water,,52.5,3,0
+366,"['Swift Swim', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,104,5120,70,485,60,Deep Sea Pokémon,105,600000,1.7,55,Huntailハンテール,Huntail,50.0,367,94,75,52,water,,27.0,3,0
+367,"['Swift Swim', 'Hydration']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,84,5120,70,485,60,South Sea Pokémon,105,600000,1.8,55,Sakurabyssサクラビス,Gorebyss,50.0,368,114,75,52,water,,22.6,3,0
+368,"['Swift Swim', 'Rock Head', 'Sturdy']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,90,10240,70,485,25,Longevity Pokémon,130,1250000,1.0,100,Glanthジーランス,Relicanth,88.1,369,45,65,55,water,rock,23.4,3,0
+369,"['Swift Swim', 'Hydration']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,30,5120,70,330,225,Rendezvous Pokémon,55,800000,0.6,43,Lovecusラブカス,Luvdisc,24.6,370,40,65,97,water,,8.7,3,0
+370,"['Rock Head', 'Sheer Force']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,75,10240,35,300,45,Rock Head Pokémon,60,1250000,0.6,45,Tatsubayタツベイ,Bagon,50.0,371,40,30,50,dragon,,42.1,3,0
+371,"['Rock Head', 'Overcoat']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,95,10240,35,420,45,Endurance Pokémon,100,1250000,1.1,65,Komoruuコモルー,Shelgon,50.0,372,60,50,50,dragon,,110.5,3,0
+372,"['Intimidate', 'Moxie']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,145,10240,35,700,45,Dragon Pokémon,130,1250000,1.5,95,Bohmanderボーマンダ,Salamence,50.0,373,120,90,120,dragon,flying,102.6,3,0
+373,"['Clear Body', 'Light Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,55,10240,35,300,3,Iron Ball Pokémon,80,1250000,0.6,40,Dumbberダンバル,Beldum,,374,35,60,30,steel,psychic,95.2,3,0
+374,"['Clear Body', 'Light Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,75,10240,35,420,3,Iron Claw Pokémon,100,1250000,1.2,60,Metangメタング,Metang,,375,55,80,50,steel,psychic,202.5,3,0
+375,"['Clear Body', 'Light Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,145,10240,35,700,3,Iron Leg Pokémon,150,1250000,1.6,80,Metagrossメタグロス,Metagross,,376,105,110,110,steel,psychic,550.0,3,0
+376,"['Clear Body', 'Sturdy']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,100,20480,35,580,3,Rock Peak Pokémon,200,1250000,1.7,80,Regirockレジロック,Regirock,,377,50,100,50,rock,,230.0,3,1
+377,"['Clear Body', 'Ice Body']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,20480,35,580,3,Iceberg Pokémon,100,1250000,1.8,80,Regiceレジアイス,Regice,,378,100,200,50,ice,,175.0,3,1
+378,"['Clear Body', 'Light Metal']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,75,20480,35,580,3,Iron Pokémon,150,1250000,1.9,80,Registeelレジスチル,Registeel,,379,75,150,50,steel,,205.0,3,1
+379,['Levitate'],2.0,2.0,2.0,0.5,2.0,0.5,0.5,1.0,2.0,0.5,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,100,30720,90,700,3,Eon Pokémon,120,1250000,1.4,80,Latiasラティアス,Latias,0.0,380,140,150,110,dragon,psychic,40.0,3,1
+380,['Levitate'],2.0,2.0,2.0,0.5,2.0,0.5,0.5,1.0,2.0,0.5,1.0,2.0,1.0,1.0,0.5,1.0,1.0,0.5,130,30720,90,700,3,Eon Pokémon,100,1250000,2.0,80,Latiosラティオス,Latios,100.0,381,160,120,110,dragon,psychic,60.0,3,1
+381,['Drizzle'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,150,30720,0,770,3,Sea Basin Pokémon,90,1250000,4.5,100,Kyogreカイオーガ,Kyogre,,382,180,160,90,water,,352.0,3,1
+382,['Drought'],1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,180,30720,0,770,3,Continent Pokémon,160,1250000,3.5,100,Groudonグラードン,Groudon,,383,150,90,90,ground,,950.0,3,1
+383,['Air Lock'],0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,180,30720,0,780,45,Sky High Pokémon,100,1250000,7.0,105,Rayquazaレックウザ,Rayquaza,,384,180,100,115,dragon,flying,206.5,3,1
+384,['Serene Grace'],1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,100,30720,100,600,3,Wish Pokémon,100,1250000,0.3,100,Jirachiジラーチ,Jirachi,,385,100,100,100,steel,psychic,1.1,3,1
+385,['Pressure'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,95,30720,0,600,3,DNA Pokémon,90,1250000,1.7,50,Deoxysデオキシス,Deoxys,,386,95,90,180,psychic,,60.8,3,1
+386,"['Overgrow', 'Shell Armor']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,68,5120,70,318,45,Tiny Leaf Pokémon,64,1059860,0.4,55,Naetleナエトル,Turtwig,88.1,387,45,55,31,grass,,10.2,4,0
+387,"['Overgrow', 'Shell Armor']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,89,5120,70,405,45,Grove Pokémon,85,1059860,1.1,75,Hayashigameハヤシガメ,Grotle,88.1,388,55,65,36,grass,,97.0,4,0
+388,"['Overgrow', 'Shell Armor']",2.0,1.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,1.0,0.5,4.0,1.0,1.0,1.0,0.5,1.0,1.0,109,5120,70,525,45,Continent Pokémon,105,1059860,2.2,95,Dodaitoseドダイトス,Torterra,88.1,389,75,85,56,grass,ground,310.0,4,0
+389,"['Blaze', 'Iron Fist']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,58,5120,70,309,45,Chimp Pokémon,44,1059860,0.5,44,Hikozaruヒコザル,Chimchar,88.1,390,58,44,61,fire,,6.2,4,0
+390,"['Blaze', 'Iron Fist']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,78,5120,70,405,45,Playful Pokémon,52,1059860,0.9,64,Moukazaruモウカザル,Monferno,88.1,391,78,52,81,fire,fighting,22.0,4,0
+391,"['Blaze', 'Iron Fist']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,104,5120,70,534,45,Flame Pokémon,71,1059860,1.2,76,Goukazaruゴウカザル,Infernape,88.1,392,104,71,108,fire,fighting,55.0,4,0
+392,"['Torrent', 'Defiant']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,51,5120,70,314,45,Penguin Pokémon,53,1059860,0.4,53,Pochamaポッチャマ,Piplup,88.1,393,61,56,40,water,,5.2,4,0
+393,"['Torrent', 'Defiant']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,66,5120,70,405,45,Penguin Pokémon,68,1059860,0.8,64,Pottaishiポッタイシ,Prinplup,88.1,394,81,76,50,water,,23.0,4,0
+394,"['Torrent', 'Defiant']",0.5,1.0,0.5,2.0,0.5,2.0,1.0,0.5,1.0,1.0,2.0,0.25,0.5,0.0,0.5,0.5,0.25,0.5,86,5120,70,530,45,Emperor Pokémon,88,1059860,1.7,84,Emperteエンペルト,Empoleon,88.1,395,111,101,60,water,steel,84.5,4,0
+395,"['Keen Eye', 'Reckless']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,55,3840,70,245,255,Starling Pokémon,30,1059860,0.3,40,Mukkuruムックル,Starly,50.0,396,30,30,60,normal,flying,2.0,4,0
+396,"['Intimidate', 'Reckless']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,75,3840,70,340,120,Starling Pokémon,50,1059860,0.6,55,Mukubirdムクバード,Staravia,50.0,397,40,40,80,normal,flying,15.5,4,0
+397,"['Intimidate', 'Reckless']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,120,3840,70,485,45,Predator Pokémon,70,1059860,1.2,85,Mukuhawkムクホーク,Staraptor,50.0,398,50,60,100,normal,flying,24.9,4,0
+398,"['Simple', 'Unaware', 'Moody']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,45,3840,70,250,255,Plump Mouse Pokémon,40,1000000,0.5,59,Bippaビッパ,Bidoof,50.0,399,35,40,31,normal,,20.0,4,0
+399,"['Simple', 'Unaware', 'Moody']",1.0,1.0,1.0,2.0,1.0,2.0,0.5,1.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,85,3840,70,410,127,Beaver Pokémon,60,1000000,1.0,79,Beadaruビーダル,Bibarel,50.0,400,55,60,71,normal,water,31.5,4,0
+400,"['Shed Skin', 'Run Away']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,25,3840,70,194,255,Cricket Pokémon,41,1059860,0.3,37,Korobohshiコロボーシ,Kricketot,50.0,401,25,41,25,bug,,2.2,4,0
+401,"['Swarm', 'Technician']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,85,3840,70,384,45,Cricket Pokémon,51,1059860,1.0,77,Korotockコロトック,Kricketune,50.0,402,55,51,65,bug,,25.5,4,0
+402,"['Rivalry', 'Intimidate', 'Guts']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,65,5120,70,263,235,Flash Pokémon,34,1059860,0.5,45,Kolinkコリンク,Shinx,50.0,403,40,34,45,electric,,9.5,4,0
+403,"['Rivalry', 'Intimidate', 'Guts']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,5120,100,363,120,Spark Pokémon,49,1059860,0.9,60,Luxioルクシオ,Luxio,50.0,404,60,49,60,electric,,30.5,4,0
+404,"['Rivalry', 'Intimidate', 'Guts']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,120,5120,70,523,45,Gleam Eyes Pokémon,79,1059860,1.4,80,Rentorarレントラー,Luxray,50.0,405,95,79,70,electric,,42.0,4,0
+405,"['Natural Cure', 'Poison Point', 'Leaf Guard']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,30,5120,70,280,255,Bud Pokémon,35,1059860,0.2,40,Subomieスボミー,Budew,50.0,406,50,70,55,grass,poison,1.2,4,0
+406,"['Natural Cure', 'Poison Point', 'Technician']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,70,5120,70,515,75,Bouquet Pokémon,65,1059860,0.9,60,Roseradeロズレイド,Roserade,50.0,407,125,105,90,grass,poison,14.5,4,0
+407,"['Mold Breaker', 'Sheer Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,125,7680,70,350,45,Head Butt Pokémon,40,600000,0.9,67,Zugaidosズガイドス,Cranidos,88.1,408,30,30,58,rock,,31.5,4,0
+408,"['Mold Breaker', 'Sheer Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,165,7680,70,495,45,Head Butt Pokémon,60,600000,1.6,97,Rampaldラムパルド,Rampardos,88.1,409,65,50,58,rock,,102.5,4,0
+409,"['Sturdy', 'Soundproof']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,42,7680,70,350,45,Shield Pokémon,118,600000,0.5,30,Tatetopsタテトプス,Shieldon,88.1,410,42,88,30,rock,steel,57.0,4,0
+410,"['Sturdy', 'Soundproof']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,52,7680,70,495,45,Shield Pokémon,168,600000,1.3,60,Toridepsトリデプス,Bastiodon,88.1,411,47,138,30,rock,steel,149.5,4,0
+411,"['Shed Skin', 'Overcoat']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,29,3840,70,224,120,Bagworm Pokémon,45,1000000,0.2,40,Minomucchiミノムッチ,Burmy,50.0,412,29,45,36,bug,,3.4,4,0
+412,"['Anticipation', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,69,3840,70,424,45,Bagworm Pokémon,95,1000000,0.5,60,Minomadam (kusaki No Mino)ミノマダム,Wormadam,0.0,413,69,95,36,bug,grass,6.5,4,0
+413,"['Swarm', 'Tinted Lens']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,94,3840,70,424,45,Moth Pokémon,50,1000000,0.9,70,Gamaleガーメイル,Mothim,100.0,414,94,50,66,bug,flying,23.3,4,0
+414,"['Honey Gather', 'Hustle']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,30,3840,70,244,120,Tiny Bee Pokémon,42,1059860,0.3,30,Mitsuhoneyミツハニー,Combee,88.1,415,30,42,70,bug,flying,5.5,4,0
+415,"['Pressure', 'Unnerve']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,80,3840,70,474,45,Beehive Pokémon,102,1059860,1.2,70,Beequenビークイン,Vespiquen,0.0,416,80,102,40,bug,flying,38.5,4,0
+416,"['Run Away', 'Pickup', 'Volt Absorb']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,45,2560,100,405,200,EleSquirrel Pokémon,70,1000000,0.4,60,Pachirisuパチリス,Pachirisu,50.0,417,45,90,95,electric,,3.9,4,0
+417,"['Swift Swim', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,65,5120,70,330,190,Sea Weasel Pokémon,35,1000000,0.7,55,Buoyselブイゼル,Buizel,50.0,418,60,30,85,water,,29.5,4,0
+418,"['Swift Swim', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,105,5120,70,495,75,Sea Weasel Pokémon,55,1000000,1.1,85,Floazelフローゼル,Floatzel,50.0,419,85,50,115,water,,33.5,4,0
+419,['Chlorophyll'],2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,35,5120,70,275,190,Cherry Pokémon,45,1000000,0.4,45,Cherinboチェリンボ,Cherubi,50.0,420,62,53,35,grass,,3.3,4,0
+420,['Flower Gift'],2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,450,75,Blossom Pokémon,70,1000000,0.5,70,Cherrimチェリム,Cherrim,50.0,421,87,78,85,grass,,9.3,4,0
+421,"['Sticky Hold', 'Storm Drain', 'Sand Force']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,48,5120,70,325,190,Sea Slug Pokémon,48,1000000,0.3,76,Karanakushiカラナクシ,Shellos,50.0,422,57,62,34,water,,6.3,4,0
+422,"['Sticky Hold', 'Storm Drain', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,83,5120,70,475,75,Sea Slug Pokémon,68,1000000,0.9,111,Tritodonトリトドン,Gastrodon,50.0,423,92,82,39,water,ground,29.9,4,0
+423,"['Technician', 'Pickup', 'Skill Link']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,100,5120,100,482,45,Long Tail Pokémon,66,800000,1.2,75,Etebothエテボース,Ambipom,50.0,424,60,66,115,normal,,20.3,4,0
+424,"['Aftermath', 'Unburden', 'Flare Boost']",0.25,2.0,1.0,2.0,1.0,0.0,1.0,1.0,2.0,0.5,0.0,2.0,0.0,0.5,1.0,2.0,1.0,1.0,50,7680,70,348,125,Balloon Pokémon,34,1640000,0.4,90,Fuwanteフワンテ,Drifloon,50.0,425,60,44,70,ghost,flying,1.2,4,0
+425,"['Aftermath', 'Unburden', 'Flare Boost']",0.25,2.0,1.0,2.0,1.0,0.0,1.0,1.0,2.0,0.5,0.0,2.0,0.0,0.5,1.0,2.0,1.0,1.0,80,7680,70,498,60,Blimp Pokémon,44,1640000,1.2,150,Fuwarideフワライド,Drifblim,50.0,426,90,54,80,ghost,flying,15.0,4,0
+426,"['Run Away', 'Klutz', 'Limber']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,66,5120,0,350,190,Rabbit Pokémon,44,1000000,0.4,55,Mimirolミミロル,Buneary,50.0,427,44,56,85,normal,,5.5,4,0
+427,"['Cute Charm', 'Klutz', 'Limber']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,136,5120,140,580,60,Rabbit Pokémon,94,1000000,1.2,65,Mimilopミミロップ,Lopunny,50.0,428,54,96,135,normal,,33.3,4,0
+428,['Levitate'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,60,6400,35,495,45,Magical Pokémon,60,800000,0.9,60,Mumargiムウマージ,Mismagius,50.0,429,105,105,105,ghost,,4.4,4,0
+429,"['Insomnia', 'Super Luck', 'Moxie']",1.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,0.5,0.5,0.0,2.0,1.0,1.0,0.0,2.0,1.0,1.0,125,5120,35,505,30,Big Boss Pokémon,52,1059860,0.9,100,Dongkarasuドンカラス,Honchkrow,50.0,430,105,52,71,dark,flying,27.3,4,0
+430,"['Limber', 'Own Tempo', 'Keen Eye']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,55,5120,70,310,190,Catty Pokémon,42,800000,0.5,49,Nyarmarニャルマー,Glameow,24.6,431,42,37,85,normal,,3.9,4,0
+431,"['Thick Fat', 'Own Tempo', 'Defiant']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,82,5120,70,452,75,Tiger Cat Pokémon,64,800000,1.0,71,Bunyattoブニャット,Purugly,24.6,432,64,59,112,normal,,43.8,4,0
+432,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,30,6400,70,285,120,Bell Pokémon,50,800000,0.2,45,Lisyanリーシャン,Chingling,50.0,433,65,50,45,psychic,,0.6,4,0
+433,"['Stench', 'Aftermath', 'Keen Eye']",1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,63,5120,70,329,225,Skunk Pokémon,47,1000000,0.4,63,Skunpuuスカンプー,Stunky,50.0,434,41,41,74,poison,dark,19.2,4,0
+434,"['Stench', 'Aftermath', 'Keen Eye']",1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,93,5120,70,479,60,Skunk Pokémon,67,1000000,1.0,103,Skutankスカタンク,Skuntank,50.0,435,71,61,84,poison,dark,38.0,4,0
+435,"['Levitate', 'Heatproof', 'Heavy Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,24,5120,70,300,255,Bronze Pokémon,86,1000000,0.5,57,Dohmirrorドーミラー,Bronzor,,436,24,86,23,steel,psychic,60.5,4,0
+436,"['Levitate', 'Heatproof', 'Heavy Metal']",1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,89,5120,70,500,90,Bronze Bell Pokémon,116,1000000,1.3,67,Dohtakunドータクン,Bronzong,,437,79,116,33,steel,psychic,187.0,4,0
+437,"['Sturdy', 'Rock Head', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,80,5120,70,290,255,Bonsai Pokémon,95,1000000,0.5,50,Usohachiウソハチ,Bonsly,50.0,438,10,45,10,rock,,15.0,4,0
+438,"['Soundproof', 'Filter', 'Technician']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,25,6400,70,310,145,Mime Pokémon,45,1000000,0.6,20,Maneneマネネ,Mime Jr.,50.0,439,70,90,60,psychic,fairy,13.0,4,0
+439,"['Natural Cure', 'Serene Grace', 'Friend Guard']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,5,10240,140,220,130,Playhouse Pokémon,5,800000,0.6,100,Pinpukuピンプク,Happiny,0.0,440,15,65,30,normal,,24.4,4,0
+440,"['Keen Eye', 'Tangled Feet', 'Big Pecks']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,65,5120,35,411,30,Music Note Pokémon,45,1059860,0.5,76,Perapペラップ,Chatot,50.0,441,92,42,91,normal,flying,1.9,4,0
+441,"['Pressure', 'Infiltrator']",1.0,1.0,1.0,1.0,2.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,1.0,1.0,1.0,92,7680,70,485,100,Forbidden Pokémon,108,1000000,1.0,50,Mikarugeミカルゲ,Spiritomb,50.0,442,92,108,35,ghost,dark,108.0,4,0
+442,"['Sand Veil', 'Rough Skin']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,70,10240,70,300,45,Land Shark Pokémon,45,1250000,0.7,58,Fukamaruフカマル,Gible,50.0,443,40,45,42,dragon,ground,20.5,4,0
+443,"['Sand Veil', 'Rough Skin']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,90,10240,70,410,45,Cave Pokémon,65,1250000,1.4,68,Gabiteガバイト,Gabite,50.0,444,50,55,82,dragon,ground,56.0,4,0
+444,"['Sand Veil', 'Rough Skin']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,170,10240,70,700,45,Mach Pokémon,115,1250000,1.9,108,Gaburiasガブリアス,Garchomp,50.0,445,120,95,92,dragon,ground,95.0,4,0
+445,"['Pickup', 'Thick Fat', 'Gluttony']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,85,10240,70,390,50,Big Eater Pokémon,40,1250000,0.6,135,Gonbeゴンベ,Munchlax,88.1,446,40,85,5,normal,,105.0,4,0
+446,"['Steadfast', 'Inner Focus', 'Prankster']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,70,6400,70,285,75,Emanation Pokémon,40,1059860,0.7,40,Rioluリオル,Riolu,88.1,447,35,40,60,fighting,,20.2,4,0
+447,"['Steadfast', 'Inner Focus', 'Justified']",0.25,0.5,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,2.0,0.5,0.5,0.0,1.0,0.25,0.5,1.0,145,6400,70,625,45,Aura Pokémon,88,1059860,1.2,70,Lucarioルカリオ,Lucario,88.1,448,140,70,112,fighting,steel,54.0,4,0
+448,"['Sand Stream', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,72,7680,70,330,140,Hippo Pokémon,78,1250000,0.8,68,Hippopotasヒポポタス,Hippopotas,50.0,449,38,42,32,ground,,49.5,4,0
+449,"['Sand Stream', 'Sand Force']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,112,7680,70,525,60,Heavyweight Pokémon,118,1250000,2.0,108,Kabaldonカバルドン,Hippowdon,50.0,450,68,72,47,ground,,300.0,4,0
+450,"['Battle Armor', 'Sniper', 'Keen Eye']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,50,5120,70,330,120,Scorpion Pokémon,90,1250000,0.8,40,Scorupiスコルピ,Skorupi,50.0,451,30,55,65,poison,bug,12.0,4,0
+451,"['Battle Armor', 'Sniper', 'Keen Eye']",1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,2.0,1.0,1.0,0.5,0.0,1.0,1.0,1.0,90,5120,70,500,45,Ogre Scorp Pokémon,110,1250000,1.3,70,Dorapionドラピオン,Drapion,50.0,452,60,75,95,poison,dark,61.5,4,0
+452,"['Anticipation', 'Dry Skin', 'Poison Touch']",0.25,0.5,1.0,1.0,1.0,0.5,1.0,2.0,1.0,0.5,2.0,1.0,1.0,0.5,4.0,0.5,1.0,1.0,61,2560,100,300,140,Toxic Mouth Pokémon,40,1000000,0.7,48,Gureggruグレッグル,Croagunk,50.0,453,61,40,50,poison,fighting,23.0,4,0
+453,"['Anticipation', 'Dry Skin', 'Poison Touch']",0.25,0.5,1.0,1.0,1.0,0.5,1.0,2.0,1.0,0.5,2.0,1.0,1.0,0.5,4.0,0.5,1.0,1.0,106,5120,70,490,75,Toxic Mouth Pokémon,65,1000000,1.3,83,Dokurogドクロッグ,Toxicroak,50.0,454,86,65,85,poison,fighting,44.4,4,0
+454,['Levitate'],2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,6400,70,454,200,Bug Catcher Pokémon,72,1250000,1.4,74,Muskippaマスキッパ,Carnivine,50.0,455,90,72,46,grass,,27.0,4,0
+455,"['Swift Swim', 'Storm Drain', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,49,5120,70,330,190,Wing Fish Pokémon,56,600000,0.4,49,Keikouoケイコウオ,Finneon,50.0,456,49,61,66,water,,7.0,4,0
+456,"['Swift Swim', 'Storm Drain', 'Water Veil']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,69,5120,70,460,75,Neon Pokémon,76,600000,1.2,69,Neolantネオラント,Lumineon,50.0,457,69,86,91,water,,24.0,4,0
+457,"['Swift Swim', 'Water Absorb', 'Water Veil']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,20,6400,70,345,25,Kite Pokémon,50,1250000,1.0,45,Tamantaタマンタ,Mantyke,50.0,458,60,120,50,water,flying,65.0,4,0
+458,"['Snow Warning', 'Soundproof']",2.0,1.0,1.0,0.5,1.0,2.0,4.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,0.5,62,5120,70,334,120,Frosted Tree Pokémon,50,1250000,1.0,60,Yukikaburiユキカブリ,Snover,50.0,459,62,60,40,grass,ice,50.5,4,0
+459,"['Snow Warning', 'Soundproof']",2.0,1.0,1.0,0.5,1.0,2.0,4.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,0.5,132,5120,70,594,60,Frosted Tree Pokémon,105,1250000,2.2,90,Yukinoohユキノオー,Abomasnow,50.0,460,132,105,30,grass,ice,135.5,4,0
+460,"['Pressure', 'Pickpocket']",2.0,0.5,1.0,1.0,2.0,4.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,1.0,0.0,2.0,2.0,1.0,120,5120,35,510,45,Sharp Claw Pokémon,65,1059860,1.1,70,Manyulaマニューラ,Weavile,50.0,461,45,85,125,dark,ice,34.0,4,0
+461,"['Magnet Pull', 'Sturdy', 'Analytic']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,70,5120,70,535,30,Magnet Area Pokémon,115,1000000,1.2,70,Jibacoilジバコイル,Magnezone,,462,130,90,60,electric,steel,180.0,4,0
+462,"['Own Tempo', 'Oblivious', 'Cloud Nine']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,85,5120,70,515,30,Licking Pokémon,95,1000000,1.7,110,Berobeltベロベルト,Lickilicky,50.0,463,80,95,50,normal,,140.0,4,0
+463,"['Lightningrod', 'Solid Rock', 'Reckless']",1.0,1.0,1.0,0.0,1.0,2.0,0.5,0.5,1.0,4.0,2.0,2.0,0.5,0.25,1.0,0.5,2.0,4.0,140,5120,70,535,30,Drill Pokémon,130,1250000,2.4,115,Dosidonドサイドン,Rhyperior,50.0,464,55,55,40,ground,rock,282.8,4,0
+464,"['Chlorophyll', 'Leaf Guard', 'Regenerator']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,5120,70,535,30,Vine Pokémon,125,1000000,2.0,100,Mojumboモジャンボ,Tangrowth,50.0,465,110,50,50,grass,,128.6,4,0
+465,"['Motor Drive', 'Vital Spirit']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,123,6400,70,540,30,Thunderbolt Pokémon,67,1000000,1.8,75,Elekibleエレキブル,Electivire,75.4,466,95,85,95,electric,,138.6,4,0
+466,"['Flame Body', 'Vital Spirit']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,95,6400,70,540,30,Blast Pokémon,67,1000000,1.6,75,Booburnブーバーン,Magmortar,75.4,467,125,95,83,fire,,68.0,4,0
+467,"['Hustle', 'Serene Grace', 'Super Luck']",0.25,0.5,0.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,0.0,2.0,1.0,2.0,1.0,2.0,2.0,1.0,50,2560,70,545,30,Jubilee Pokémon,95,800000,1.5,85,Togekissトゲキッス,Togekiss,88.1,468,120,115,80,fairy,flying,38.0,4,0
+468,"['Speed Boost', 'Tinted Lens', 'Frisk']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,76,5120,70,515,30,Ogre Darner Pokémon,86,1000000,1.9,86,Megayanmaメガヤンマ,Yanmega,50.0,469,116,56,95,bug,flying,51.5,4,0
+469,"['Leaf Guard', 'Chlorophyll']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,110,8960,35,525,45,Verdant Pokémon,130,1000000,1.0,65,Leafiaリーフィア,Leafeon,88.1,470,60,65,95,grass,,25.5,4,0
+470,"['Snow Cloak', 'Ice Body']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,60,8960,35,525,45,Fresh Snow Pokémon,110,1000000,0.8,65,Glaciaグレイシア,Glaceon,88.1,471,130,95,65,ice,,25.9,4,0
+471,"['Hyper Cutter', 'Sand Veil', 'Poison Heal']",0.5,1.0,1.0,0.0,1.0,0.5,1.0,1.0,1.0,1.0,0.0,4.0,1.0,0.5,1.0,1.0,1.0,2.0,95,5120,70,510,30,Fang Scorp Pokémon,125,1059860,2.0,75,Glionグライオン,Gliscor,50.0,472,45,75,95,ground,flying,42.5,4,0
+472,"['Oblivious', 'Snow Cloak', 'Thick Fat']",1.0,1.0,1.0,0.0,1.0,2.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,130,5120,70,530,50,Twin Tusk Pokémon,80,1250000,2.5,110,Mammooマンムー,Mamoswine,50.0,473,70,60,80,ice,ground,291.0,4,0
+473,"['Adaptability', 'Download', 'Analytic']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,5120,70,535,30,Virtual Pokémon,70,1000000,0.9,85,Porygon-zポリゴンZ,Porygon-Z,,474,135,75,90,normal,,34.0,4,0
+474,"['Steadfast', 'Justified']",1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,165,5120,35,618,45,Blade Pokémon,95,1250000,1.6,68,Erureidoエルレイド,Gallade,100.0,475,65,115,110,psychic,fighting,52.0,4,0
+475,"['Sturdy', 'Magnet Pull', 'Sand Force']",0.5,1.0,0.5,1.0,0.5,4.0,1.0,0.25,1.0,1.0,4.0,0.5,0.25,0.0,0.5,0.5,1.0,2.0,55,5120,70,525,60,Compass Pokémon,145,1000000,1.4,60,Dainoseダイノーズ,Probopass,50.0,476,75,150,40,rock,steel,340.0,4,0
+476,"['Pressure', 'Frisk']",0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,100,6400,35,525,45,Gripper Pokémon,135,800000,2.2,45,Yonoirヨノワール,Dusknoir,50.0,477,65,135,45,ghost,,106.6,4,0
+477,"['Snow Cloak', 'Cursed Body']",0.5,2.0,1.0,1.0,1.0,0.0,2.0,1.0,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,2.0,1.0,80,5120,70,480,75,Snow Land Pokémon,70,1000000,1.3,70,Yukimenokoユキメノコ,Froslass,0.0,478,80,70,110,ice,ghost,26.6,4,0
+478,['Levitate'],0.5,2.0,1.0,0.5,1.0,0.0,1.0,0.5,2.0,1.0,2.0,1.0,0.0,0.5,1.0,1.0,0.5,1.0,65,5120,70,520,45,Plasma Pokémon,107,1000000,0.3,50,Rotomロトム,Rotom,,479,105,107,86,electric,ghost,0.3,4,0
+479,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,75,20480,140,580,3,Knowledge Pokémon,130,1250000,0.3,75,Yuxieユクシー,Uxie,,480,75,130,95,psychic,,0.3,4,1
+480,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,105,20480,140,580,3,Emotion Pokémon,105,1250000,0.3,80,Emritエムリット,Mesprit,,481,105,105,80,psychic,,0.3,4,1
+481,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,125,20480,140,580,3,Willpower Pokémon,70,1250000,0.3,75,Agnomeアグノム,Azelf,,482,125,70,115,psychic,,0.3,4,1
+482,"['Pressure', 'Telepathy']",0.5,1.0,1.0,0.5,1.0,2.0,1.0,0.5,1.0,0.25,2.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,120,30720,0,680,3,Temporal Pokémon,120,1250000,5.4,100,Dialgaディアルガ,Dialga,,483,150,100,90,steel,dragon,683.0,4,1
+483,"['Pressure', 'Telepathy']",1.0,1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.25,120,30720,0,680,3,Spatial Pokémon,100,1250000,4.2,90,Palkiaパルキア,Palkia,,484,150,120,100,water,dragon,336.0,4,1
+484,"['Flash Fire', 'Flame Body']",0.25,1.0,0.5,1.0,0.25,2.0,1.0,0.5,1.0,0.25,4.0,0.25,0.5,0.0,0.5,1.0,0.25,2.0,90,2560,100,600,3,Lava Dome Pokémon,106,1250000,1.7,91,Heatranヒードラン,Heatran,50.0,485,130,106,77,fire,steel,430.0,4,1
+485,['Slow Start'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,160,30720,0,670,3,Colossal Pokémon,110,1250000,3.7,110,Regigigasレジギガス,Regigigas,,486,80,110,100,normal,,420.0,4,1
+486,"['Pressure', 'Telepathy', 'Levitate']",0.5,2.0,2.0,0.5,2.0,0.0,0.5,1.0,2.0,0.5,1.0,2.0,0.0,0.5,1.0,1.0,1.0,0.5,120,30720,0,680,3,Renegade Pokémon,100,1250000,4.5,150,Giratina (another Forme)ギラティナ,Giratina,,487,120,100,90,ghost,dragon,750.0,4,1
+487,['Levitate'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,70,30720,100,600,3,Lunar Pokémon,120,1250000,1.5,120,Cresseliaクレセリア,Cresselia,0.0,488,75,130,85,psychic,,85.6,4,1
+488,['Hydration'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,80,10240,70,480,30,Sea Drifter Pokémon,80,1250000,0.4,80,Phioneフィオネ,Phione,,489,80,80,80,water,,3.1,4,0
+489,['Hydration'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,100,2560,70,600,3,Seafaring Pokémon,100,1250000,0.3,100,Manaphyマナフィ,Manaphy,,490,100,100,100,water,,1.4,4,1
+490,['Bad Dreams'],2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,90,30720,0,600,3,Pitch-Black Pokémon,90,1250000,1.5,70,Darkraiダークライ,Darkrai,,491,135,90,125,dark,,50.5,4,1
+491,"['Natural Cure', 'Serene Grace']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,103,30720,100,600,45,Gratitude Pokémon,75,1059860,0.2,100,Shaymin (sky Forme)シェイミ,Shaymin,,492,120,75,127,grass,grass,2.1,4,1
+492,['Multitype'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,120,30720,0,720,3,Alpha Pokémon,120,1250000,3.2,120,Arceusアルセウス,Arceus,,493,120,120,120,normal,,320.0,4,1
+493,['Victory Star'],1.0,2.0,1.0,1.0,0.5,0.5,0.5,1.0,2.0,0.5,2.0,0.5,1.0,1.0,0.5,2.0,0.5,2.0,100,30720,100,600,3,Victory Pokémon,100,1250000,0.4,100,Victiniビクティニ,Victini,,494,100,100,100,psychic,fire,4.0,5,1
+494,"['Overgrow', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,45,5120,70,308,45,Grass Snake Pokémon,55,1059860,0.6,45,Tsutarjaツタージャ,Snivy,88.1,495,45,55,63,grass,,8.1,5,0
+495,"['Overgrow', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,413,45,Grass Snake Pokémon,75,1059860,0.8,60,Janovyジャノビー,Servine,88.1,496,60,75,83,grass,,16.0,5,0
+496,"['Overgrow', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,75,5120,70,528,45,Regal Pokémon,95,1059860,3.3,75,Jalordaジャローダ,Serperior,88.1,497,75,95,113,grass,,63.0,5,0
+497,"['Blaze', 'Thick Fat']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,63,5120,70,308,45,Fire Pig Pokémon,45,1059860,0.5,65,Pokabuポカブ,Tepig,88.1,498,45,45,45,fire,,9.9,5,0
+498,"['Blaze', 'Thick Fat']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,93,5120,70,418,45,Fire Pig Pokémon,55,1059860,1.0,90,Chaobooチャオブー,Pignite,88.1,499,70,55,55,fire,fighting,55.5,5,0
+499,"['Blaze', 'Reckless']",0.25,0.5,1.0,1.0,1.0,1.0,0.5,2.0,1.0,0.5,2.0,0.5,1.0,1.0,2.0,1.0,0.5,2.0,123,5120,70,528,45,Mega Fire Pig Pokémon,65,1059860,1.6,110,Enbuohエンブオー,Emboar,88.1,500,100,65,65,fire,fighting,150.0,5,0
+500,"['Torrent', 'Shell Armor']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,55,5120,70,308,45,Sea Otter Pokémon,45,1059860,0.5,55,Mijumaruミジュマル,Oshawott,88.1,501,63,45,45,water,,5.9,5,0
+501,"['Torrent', 'Shell Armor']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,5120,70,413,45,Discipline Pokémon,60,1059860,0.8,75,Futachimaruフタチマル,Dewott,88.1,502,83,60,60,water,,24.5,5,0
+502,"['Torrent', 'Shell Armor']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,100,5120,70,528,45,Formidable Pokémon,85,1059860,1.5,95,Daikenkiダイケンキ,Samurott,88.1,503,108,70,70,water,,94.6,5,0
+503,"['Run Away', 'Keen Eye', 'Analytic']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,55,3840,70,255,255,Scout Pokémon,39,1000000,0.5,45,Minezumiミネズミ,Patrat,50.0,504,35,39,42,normal,,11.6,5,0
+504,"['Illuminate', 'Keen Eye', 'Analytic']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,85,5120,70,420,255,Lookout Pokémon,69,1000000,1.1,60,Miruhogミルホッグ,Watchog,50.0,505,60,69,77,normal,,27.0,5,0
+505,"['Vital Spirit', 'Pickup', 'Run Away']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,60,3840,70,275,255,Puppy Pokémon,45,1059860,0.4,45,Yorterrieヨーテリー,Lillipup,50.0,506,25,45,55,normal,,4.1,5,0
+506,"['Intimidate', 'Sand Rush', 'Scrappy']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,3840,70,370,120,Loyal Dog Pokémon,65,1059860,0.9,65,Herderrieハーデリア,Herdier,50.0,507,35,65,60,normal,,14.7,5,0
+507,"['Intimidate', 'Sand Rush', 'Scrappy']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,110,3840,70,500,45,Big-Hearted Pokémon,90,1059860,1.2,85,Moolandムーランド,Stoutland,50.0,508,45,90,80,normal,,61.0,5,0
+508,"['Limber', 'Unburden', 'Prankster']",2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,50,5120,70,281,255,Devious Pokémon,37,1000000,0.4,41,Choronekoチョロネコ,Purrloin,50.0,509,50,37,66,dark,,10.1,5,0
+509,"['Limber', 'Unburden', 'Prankster']",2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,88,5120,70,446,90,Cruel Pokémon,50,1000000,1.1,64,Lepardasレパルダス,Liepard,50.0,510,88,50,106,dark,,37.5,5,0
+510,"['Gluttony', 'Overgrow']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,53,5120,70,316,190,Grass Monkey Pokémon,48,1000000,0.6,50,Yanappuヤナップ,Pansage,88.1,511,53,48,64,grass,,10.5,5,0
+511,"['Gluttony', 'Overgrow']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,98,5120,70,498,75,Thorn Monkey Pokémon,63,1000000,1.1,75,Yanakkieヤナッキー,Simisage,88.1,512,98,63,101,grass,,30.5,5,0
+512,"['Gluttony', 'Blaze']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,53,5120,70,316,190,High Temp Pokémon,48,1000000,0.6,50,Baoppuバオップ,Pansear,88.1,513,53,48,64,fire,,11.0,5,0
+513,"['Gluttony', 'Blaze']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,98,5120,70,498,75,Ember Pokémon,63,1000000,1.0,75,Baokkieバオッキー,Simisear,88.1,514,98,63,101,fire,,28.0,5,0
+514,"['Gluttony', 'Torrent']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,53,5120,70,316,190,Spray Pokémon,48,1000000,0.6,50,Hiyappuヒヤップ,Panpour,88.1,515,53,48,64,water,,13.5,5,0
+515,"['Gluttony', 'Torrent']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,98,5120,70,498,75,Geyser Pokémon,63,1000000,1.0,75,Hiyakkieヒヤッキー,Simipour,88.1,516,98,63,101,water,,29.0,5,0
+516,"['Forewarn', 'Synchronize', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,25,2560,70,292,190,Dream Eater Pokémon,45,800000,0.6,76,Munnaムンナ,Munna,50.0,517,67,55,24,psychic,,23.3,5,0
+517,"['Forewarn', 'Synchronize', 'Telepathy']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,55,2560,70,487,75,Drowsing Pokémon,85,800000,1.1,116,Musharnaムシャーナ,Musharna,50.0,518,107,95,29,psychic,,60.5,5,0
+518,"['Big Pecks', 'Super Luck', 'Rivalry']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,55,3840,70,264,255,Tiny Pigeon Pokémon,50,1059860,0.3,50,Mamepatoマメパト,Pidove,50.0,519,36,30,43,normal,flying,2.1,5,0
+519,"['Big Pecks', 'Super Luck', 'Rivalry']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,77,3840,70,358,120,Wild Pigeon Pokémon,62,1059860,0.6,62,Hatobohハトーボー,Tranquill,50.0,520,50,42,65,normal,flying,15.0,5,0
+520,"['Big Pecks', 'Super Luck', 'Rivalry']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,115,3840,70,488,45,Proud Pokémon,80,1059860,1.2,80,Kenhallowケンホロウ,Unfezant,50.0,521,65,55,93,normal,flying,29.0,5,0
+521,"['Lightningrod', 'Motor Drive', 'Sap Sipper']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,60,5120,70,295,190,Electrified Pokémon,32,1000000,0.8,45,Shimamaシママ,Blitzle,50.0,522,50,32,76,electric,,29.8,5,0
+522,"['Lightningrod', 'Motor Drive', 'Sap Sipper']",1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,100,5120,70,497,75,Thunderbolt Pokémon,63,1000000,1.6,75,Zebraikaゼブライカ,Zebstrika,50.0,523,80,63,116,electric,,79.5,5,0
+523,"['Sturdy', 'Weak Armor', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,75,3840,70,280,255,Mantle Pokémon,85,1059860,0.4,55,Dangoroダンゴロ,Roggenrola,50.0,524,25,25,15,rock,,18.0,5,0
+524,"['Sturdy', 'Weak Armor', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,105,3840,70,390,120,Ore Pokémon,105,1059860,0.9,70,Gantleガントル,Boldore,50.0,525,50,40,20,rock,,102.0,5,0
+525,"['Sturdy', 'Sand Stream', 'Sand Force']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,135,3840,70,515,45,Compressed Pokémon,130,1059860,1.7,85,Gigaiathギガイアス,Gigalith,50.0,526,60,80,25,rock,,260.0,5,0
+526,"['Unaware', 'Klutz', 'Simple']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,45,3840,70,323,190,Bat Pokémon,43,1000000,0.4,65,Koromoriコロモリ,Woobat,50.0,527,55,43,72,psychic,flying,2.1,5,0
+527,"['Unaware', 'Klutz', 'Simple']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,57,3840,70,425,45,Courting Pokémon,55,1000000,0.9,67,Kokoromoriココロモリ,Swoobat,50.0,528,77,55,114,psychic,flying,10.5,5,0
+528,"['Sand Rush', 'Sand Force', 'Mold Breaker']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,85,5120,70,328,120,Mole Pokémon,40,1000000,0.3,60,Mogurewモグリュー,Drilbur,50.0,529,30,45,68,ground,,8.5,5,0
+529,"['Sand Rush', 'Sand Force', 'Mold Breaker']",0.5,1.0,0.5,0.0,0.5,2.0,2.0,0.5,1.0,1.0,2.0,1.0,0.5,0.0,0.5,0.25,0.5,2.0,135,5120,70,508,60,Subterrene Pokémon,60,1000000,0.7,110,Doryuzuドリュウズ,Excadrill,50.0,530,50,65,88,ground,steel,40.4,5,0
+530,"['Healer', 'Regenerator', 'Klutz']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,60,5120,70,545,255,Hearing Pokémon,126,800000,1.1,103,Tabunneタブンネ,Audino,50.0,531,80,126,50,normal,,31.0,5,0
+531,"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,80,5120,70,305,180,Muscular Pokémon,55,1059860,0.6,75,Dokkorerドッコラー,Timburr,75.4,532,25,35,35,fighting,,12.5,5,0
+532,"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,105,5120,70,405,90,Muscular Pokémon,85,1059860,1.2,85,Dotekkotsuドテッコツ,Gurdurr,75.4,533,40,50,40,fighting,,40.0,5,0
+533,"['Guts', 'Sheer Force', 'Iron Fist']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,140,5120,70,505,45,Muscular Pokémon,95,1059860,1.4,105,Roubushinローブシン,Conkeldurr,75.4,534,55,65,45,fighting,,87.0,5,0
+534,"['Swift Swim', 'Hydration', 'Water Absorb']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,50,5120,70,294,255,Tadpole Pokémon,40,1059860,0.5,50,Otamaroオタマロ,Tympole,50.0,535,50,40,64,water,,4.5,5,0
+535,"['Swift Swim', 'Hydration', 'Water Absorb']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,65,5120,70,384,120,Vibration Pokémon,55,1059860,0.8,75,Gamagaruガマガル,Palpitoad,50.0,536,65,55,69,water,ground,17.0,5,0
+536,"['Swift Swim', 'Poison Touch', 'Water Absorb']",1.0,1.0,1.0,0.0,1.0,1.0,0.5,1.0,1.0,4.0,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,95,5120,70,509,45,Vibration Pokémon,75,1059860,1.5,105,Gamagerogeガマゲロゲ,Seismitoad,50.0,537,85,75,74,water,ground,62.0,5,0
+537,"['Guts', 'Inner Focus', 'Mold Breaker']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,100,5120,70,465,45,Judo Pokémon,85,1000000,1.3,120,Nagekiナゲキ,Throh,100.0,538,30,85,45,fighting,,55.5,5,0
+538,"['Sturdy', 'Inner Focus', 'Mold Breaker']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,125,5120,70,465,45,Karate Pokémon,75,1000000,1.4,75,Dagekiダゲキ,Sawk,100.0,539,30,75,85,fighting,,51.0,5,0
+539,"['Swarm', 'Chlorophyll', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,53,3840,70,310,255,Sewing Pokémon,70,1059860,0.3,45,Kurumiruクルミル,Sewaddle,50.0,540,40,60,42,bug,grass,2.5,5,0
+540,"['Leaf Guard', 'Chlorophyll', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,63,3840,70,380,120,Leaf-Wrapped Pokémon,90,1059860,0.5,55,Kurumayuクルマユ,Swadloon,50.0,541,50,80,42,bug,grass,7.3,5,0
+541,"['Swarm', 'Chlorophyll', 'Overcoat']",2.0,1.0,1.0,0.5,1.0,0.5,4.0,4.0,1.0,0.25,0.25,2.0,1.0,2.0,1.0,2.0,1.0,0.5,103,3840,70,500,45,Nurturing Pokémon,80,1059860,1.2,75,Hahakomoriハハコモリ,Leavanny,50.0,542,70,80,92,bug,grass,20.5,5,0
+542,"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,45,3840,70,260,255,Centipede Pokémon,59,1059860,0.4,30,Fushideフシデ,Venipede,50.0,543,30,39,57,bug,poison,5.3,5,0
+543,"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,55,3840,70,360,120,Curlipede Pokémon,99,1059860,1.2,40,Wheegaホイーガ,Whirlipede,50.0,544,40,79,47,bug,poison,58.5,5,0
+544,"['Poison Point', 'Swarm', 'Speed Boost']",0.5,1.0,1.0,1.0,0.5,0.25,2.0,2.0,1.0,0.25,1.0,1.0,1.0,0.5,2.0,2.0,1.0,1.0,100,5120,70,485,45,Megapede Pokémon,89,1059860,2.5,60,Pendrorペンドラー,Scolipede,50.0,545,55,69,112,bug,poison,200.5,5,0
+545,"['Prankster', 'Infiltrator', 'Chlorophyll']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,27,5120,70,280,190,Cotton Puff Pokémon,60,1000000,0.3,40,Monmenモンメン,Cottonee,50.0,546,37,50,66,grass,fairy,0.6,5,0
+546,"['Prankster', 'Infiltrator', 'Chlorophyll']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,67,5120,70,480,75,Windveiled Pokémon,85,1000000,0.7,60,Elfuunエルフーン,Whimsicott,50.0,547,77,75,116,grass,fairy,6.6,5,0
+547,"['Chlorophyll', 'Own Tempo', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,35,5120,70,280,190,Bulb Pokémon,50,1000000,0.5,45,Churineチュリネ,Petilil,0.0,548,70,50,30,grass,,6.6,5,0
+548,"['Chlorophyll', 'Own Tempo', 'Leaf Guard']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,480,75,Flowering Pokémon,75,1000000,1.1,70,Dredearドレディア,Lilligant,0.0,549,110,75,90,grass,,16.3,5,0
+549,"['Reckless', 'Rock Head', 'Adaptability', 'Mold Breaker']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,92,10240,70,460,25,Hostile Pokémon,65,1000000,1.0,70,Bassraoバスラオ,Basculin,50.0,550,80,55,98,water,,18.0,5,0
+550,"['Intimidate', 'Moxie', 'Anger Point']",2.0,0.5,1.0,0.0,2.0,2.0,1.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,0.0,0.5,1.0,2.0,72,5120,70,292,180,Desert Croc Pokémon,35,1059860,0.7,50,Megurocoメグロコ,Sandile,50.0,551,35,35,65,ground,dark,15.2,5,0
+551,"['Intimidate', 'Moxie', 'Anger Point']",2.0,0.5,1.0,0.0,2.0,2.0,1.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,0.0,0.5,1.0,2.0,82,5120,70,351,90,Desert Croc Pokémon,45,1059860,1.0,60,Waruvileワルビル,Krokorok,50.0,552,45,45,74,ground,dark,33.4,5,0
+552,"['Intimidate', 'Moxie', 'Anger Point']",2.0,0.5,1.0,0.0,2.0,2.0,1.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,0.0,0.5,1.0,2.0,117,5120,70,519,45,Intimidation Pokémon,80,1059860,1.5,95,Waruvialワルビアル,Krookodile,50.0,553,65,70,92,ground,dark,96.3,5,0
+553,"['Hustle', 'Inner Focus']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,90,5120,70,315,120,Zen Charm Pokémon,45,1059860,0.6,70,Darumakkaダルマッカ,Darumaka,50.0,554,15,45,50,fire,,37.5,5,0
+554,"['Sheer Force', 'Zen Mode']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,30,5120,70,540,60,Blazing Pokémon,105,1059860,1.3,105,Hihidarumaヒヒダルマ,Darmanitan,50.0,555,140,105,55,fire,fire,92.9,5,0
+555,"['Water Absorb', 'Chlorophyll', 'Storm Drain']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,86,5120,70,461,255,Cactus Pokémon,67,1000000,1.0,75,Maracacchiマラカッチ,Maractus,50.0,556,106,67,60,grass,,28.0,5,0
+556,"['Sturdy', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,65,5120,70,325,190,Rock Inn Pokémon,85,1000000,0.3,50,Ishizumaiイシズマイ,Dwebble,50.0,557,35,35,55,bug,rock,14.5,5,0
+557,"['Sturdy', 'Shell Armor', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,2.0,105,5120,70,485,75,Stone Home Pokémon,125,1000000,1.4,70,Iwapalaceイワパレス,Crustle,50.0,558,65,75,45,bug,rock,200.0,5,0
+558,"['Shed Skin', 'Moxie', 'Intimidate']",1.0,0.25,1.0,1.0,4.0,2.0,1.0,2.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,75,3840,35,348,180,Shedding Pokémon,70,1000000,0.6,50,Zurugguズルッグ,Scraggy,50.0,559,35,70,48,dark,fighting,11.8,5,0
+559,"['Shed Skin', 'Moxie', 'Intimidate']",1.0,0.25,1.0,1.0,4.0,2.0,1.0,2.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,90,3840,70,488,90,Hoodlum Pokémon,115,1000000,1.1,65,Zuruzukinズルズキン,Scrafty,50.0,560,45,115,58,dark,fighting,30.0,5,0
+560,"['Wonder Skin ', 'Magic Guard', 'Tinted Lens']",1.0,2.0,1.0,2.0,1.0,0.25,1.0,1.0,2.0,0.5,0.0,2.0,1.0,1.0,0.5,2.0,1.0,1.0,58,5120,70,490,45,Avianoid Pokémon,80,1000000,1.4,72,Symbolerシンボラー,Sigilyph,50.0,561,103,80,97,psychic,flying,14.0,5,0
+561,['Mummy'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,30,6400,70,303,190,Spirit Pokémon,85,1000000,0.5,38,Desumasuデスマス,Yamask,50.0,562,55,65,30,ghost,,1.5,5,0
+562,['Mummy'],0.5,2.0,1.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,1.0,1.0,50,6400,70,483,90,Coffin Pokémon,145,1000000,1.7,58,Desukarnデスカーン,Cofagrigus,50.0,563,95,105,30,ghost,,76.5,5,0
+563,"['Solid Rock', 'Sturdy', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,78,7680,70,355,45,Prototurtle Pokémon,103,1000000,0.7,54,Protogaプロトーガ,Tirtouga,88.1,564,53,45,22,water,rock,16.5,5,0
+564,"['Solid Rock', 'Sturdy', 'Swift Swim']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,108,7680,70,495,45,Prototurtle Pokémon,133,1000000,1.2,74,Abagouraアバゴーラ,Carracosta,88.1,565,83,65,32,water,rock,81.0,5,0
+565,['Defeatist'],0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,112,7680,70,401,45,First Bird Pokémon,45,1000000,0.5,55,Archenアーケン,Archen,88.1,566,74,45,70,rock,flying,9.5,5,0
+566,['Defeatist'],0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,140,7680,70,567,45,First Bird Pokémon,65,1000000,1.4,75,Archeosアーケオス,Archeops,88.1,567,112,65,110,rock,flying,32.0,5,0
+567,"['Stench', 'Sticky Hold', 'Aftermath']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,50,5120,70,329,190,Trash Bag Pokémon,62,1000000,0.6,50,Yabukuronヤブクロン,Trubbish,50.0,568,40,62,65,poison,,31.0,5,0
+568,"['Stench', 'Weak Armor', 'Aftermath']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,0.5,2.0,1.0,1.0,0.5,2.0,1.0,1.0,1.0,95,5120,70,474,60,Trash Heap Pokémon,82,1000000,1.9,80,Dustdasダストダス,Garbodor,50.0,569,60,82,75,poison,,107.3,5,0
+569,['Illusion'],2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,65,6400,70,330,75,Tricky Fox Pokémon,40,1059860,0.7,40,Zoruaゾロア,Zorua,88.1,570,80,40,65,dark,,12.5,5,0
+570,['Illusion'],2.0,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,105,5120,70,510,45,Illusion Fox Pokémon,60,1059860,1.6,60,Zoroarkゾロアーク,Zoroark,88.1,571,120,60,105,dark,,81.1,5,0
+571,"['Cute Charm', 'Technician', 'Skill Link']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,50,3840,70,300,255,Chinchilla Pokémon,40,800000,0.4,55,Chillarmyチラーミィ,Minccino,24.6,572,40,40,75,normal,,5.8,5,0
+572,"['Cute Charm', 'Technician', 'Skill Link']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,95,3840,70,470,60,Scarf Pokémon,60,800000,0.5,75,Chillaccinoチラチーノ,Cinccino,24.6,573,65,60,115,normal,,7.5,5,0
+573,"['Frisk', 'Competitive', 'Shadow Tag']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,30,5120,70,290,200,Fixation Pokémon,50,1059860,0.4,45,Gothimuゴチム,Gothita,24.6,574,55,65,45,psychic,,5.8,5,0
+574,"['Frisk', 'Competitive', 'Shadow Tag']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,45,5120,70,390,100,Manipulate Pokémon,70,1059860,0.7,60,Gothimiruゴチミル,Gothorita,24.6,575,75,85,55,psychic,,18.0,5,0
+575,"['Frisk', 'Competitive', 'Shadow Tag']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,55,5120,70,490,50,Astral Body Pokémon,95,1059860,1.5,70,Gothiruselleゴチルゼル,Gothitelle,24.6,576,95,110,65,psychic,,44.0,5,0
+576,"['Overcoat', 'Magic Guard', 'Regenerator']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,30,5120,70,290,200,Cell Pokémon,40,1059860,0.3,45,Uniranユニラン,Solosis,50.0,577,105,50,20,psychic,,1.0,5,0
+577,"['Overcoat', 'Magic Guard', 'Regenerator']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,40,5120,70,370,100,Mitosis Pokémon,50,1059860,0.6,65,Doublanダブラン,Duosion,50.0,578,125,60,30,psychic,,8.0,5,0
+578,"['Overcoat', 'Magic Guard', 'Regenerator']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,65,5120,70,490,50,Multiplying Pokémon,75,1059860,1.0,110,Lanculusランクルス,Reuniclus,50.0,579,125,85,30,psychic,,20.1,5,0
+579,"['Keen Eye', 'Big Pecks', 'Hydration']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,44,5120,70,305,190,Water Bird Pokémon,50,1000000,0.5,62,Koaruhieコアルヒー,Ducklett,50.0,580,44,50,55,water,flying,5.5,5,0
+580,"['Keen Eye', 'Big Pecks', 'Hydration']",0.5,1.0,1.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,87,5120,70,473,45,White Bird Pokémon,63,1000000,1.3,75,Swannaスワンナ,Swanna,50.0,581,87,63,98,water,flying,24.2,5,0
+581,"['Ice Body', 'Snow Cloak', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,5120,70,305,255,Fresh Snow Pokémon,50,1250000,0.4,36,Vanipetiバニプッチ,Vanillite,50.0,582,65,60,44,ice,,5.7,5,0
+582,"['Ice Body', 'Snow Cloak', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,65,5120,70,395,120,Icy Snow Pokémon,65,1250000,1.1,51,Vanirichバニリッチ,Vanillish,50.0,583,80,75,59,ice,,41.0,5,0
+583,"['Ice Body', 'Snow Warning', 'Weak Armor']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,95,5120,70,535,45,Snowstorm Pokémon,85,1250000,1.3,71,Baivanillaバイバニラ,Vanilluxe,50.0,584,110,95,79,ice,,57.5,5,0
+584,"['Chlorophyll', 'Sap Sipper', 'Serene Grace']",2.0,1.0,1.0,0.5,1.0,2.0,2.0,2.0,0.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,60,5120,70,335,190,Season Pokémon,50,1000000,0.6,60,Shikijikaシキジカ,Deerling,50.0,585,40,50,75,normal,grass,19.5,5,0
+585,"['Chlorophyll', 'Sap Sipper', 'Serene Grace']",2.0,1.0,1.0,0.5,1.0,2.0,2.0,2.0,0.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,5120,70,475,75,Season Pokémon,70,1000000,1.9,80,Mebukijikaメブキジカ,Sawsbuck,50.0,586,60,70,95,normal,grass,92.5,5,0
+586,"['Static', 'Motor Drive']",0.5,1.0,1.0,1.0,1.0,0.5,1.0,0.5,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,0.5,1.0,75,5120,70,428,200,Sky Squirrel Pokémon,60,1000000,0.4,55,Emongaエモンガ,Emolga,50.0,587,75,60,103,electric,flying,5.0,5,0
+587,"['Swarm', 'Shed Skin', 'No Guard']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,75,3840,70,315,200,Clamping Pokémon,45,1000000,0.5,50,Kaburumoカブルモ,Karrablast,50.0,588,40,45,60,bug,,5.9,5,0
+588,"['Swarm', 'Shell Armor', 'Overcoat']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,135,3840,70,495,75,Cavalry Pokémon,105,1000000,1.0,70,Chevargoシュバルゴ,Escavalier,50.0,589,60,105,20,bug,steel,33.0,5,0
+589,"['Effect Spore', 'Regenerator']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,55,5120,70,294,190,Mushroom Pokémon,45,1000000,0.2,69,Tamagetakeタマゲタケ,Foongus,50.0,590,55,55,15,grass,poison,1.0,5,0
+590,"['Effect Spore', 'Regenerator']",1.0,1.0,1.0,0.5,0.5,0.5,2.0,2.0,1.0,0.25,1.0,2.0,1.0,1.0,2.0,1.0,1.0,0.5,85,5120,70,464,75,Mushroom Pokémon,70,1000000,0.6,114,Morobareruモロバレル,Amoonguss,50.0,591,85,80,30,grass,poison,10.5,5,0
+591,"['Water Absorb', 'Cursed Body', 'Damp']",0.5,2.0,1.0,2.0,1.0,0.0,0.5,1.0,2.0,2.0,1.0,0.5,0.0,0.5,1.0,1.0,0.5,0.5,40,5120,70,335,190,Floating Pokémon,50,1000000,1.2,55,Pururillプルリル,Frillish,50.0,592,65,85,40,water,ghost,33.0,5,0
+592,"['Water Absorb', 'Cursed Body', 'Damp']",0.5,2.0,1.0,2.0,1.0,0.0,0.5,1.0,2.0,2.0,1.0,0.5,0.0,0.5,1.0,1.0,0.5,0.5,60,5120,70,480,60,Floating Pokémon,70,1000000,2.2,100,Burungelブルンゲル,Jellicent,50.0,593,85,105,60,water,ghost,135.0,5,0
+593,"['Healer', 'Hydration', 'Regenerator']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,75,10240,70,470,75,Caring Pokémon,80,800000,1.2,165,Mamanbouママンボウ,Alomomola,50.0,594,40,45,65,water,,31.6,5,0
+594,"['Compoundeyes', 'Unnerve', 'Swarm']",1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,47,5120,70,319,190,Attaching Pokémon,50,1000000,0.1,50,Bachuruバチュル,Joltik,50.0,595,57,50,65,bug,electric,0.6,5,0
+595,"['Compoundeyes', 'Unnerve', 'Swarm']",1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,77,5120,70,472,75,EleSpider Pokémon,60,1000000,0.8,70,Dentulaデンチュラ,Galvantula,50.0,596,97,60,108,bug,electric,14.3,5,0
+596,['Iron Barbs'],1.0,1.0,0.5,0.5,0.5,2.0,4.0,1.0,1.0,0.25,1.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,50,5120,70,305,255,Thorn Seed Pokémon,91,1000000,0.6,44,Tesseedテッシード,Ferroseed,50.0,597,24,86,10,grass,steel,18.8,5,0
+597,"['Iron Barbs', 'Anticipation']",1.0,1.0,0.5,0.5,0.5,2.0,4.0,1.0,1.0,0.25,1.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,94,5120,70,489,90,Thorn Pod Pokémon,131,1000000,1.0,74,Nutreyナットレイ,Ferrothorn,50.0,598,54,116,20,grass,steel,110.0,5,0
+598,"['Plus', 'Minus', 'Clear Body']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,55,5120,70,300,130,Gear Pokémon,70,1059860,0.3,40,Giaruギアル,Klink,,599,45,60,30,steel,,21.0,5,0
+599,"['Plus', 'Minus', 'Clear Body']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,80,5120,70,440,60,Gear Pokémon,95,1059860,0.6,60,Gigiaruギギアル,Klang,,600,70,85,50,steel,,51.0,5,0
+600,"['Plus', 'Minus', 'Clear Body']",0.5,1.0,0.5,1.0,0.5,2.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,0.5,1.0,100,5120,70,520,30,Gear Pokémon,115,1059860,0.6,60,Gigigiaruギギギアル,Klinklang,,601,70,85,90,steel,,81.0,5,0
+601,['Levitate'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,5120,70,275,190,EleFish Pokémon,40,1250000,0.2,35,Shibishirasuシビシラス,Tynamo,50.0,602,45,40,60,electric,,0.3,5,0
+602,['Levitate'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,85,5120,70,405,60,EleFish Pokémon,70,1250000,1.2,65,Shibibeelシビビール,Eelektrik,50.0,603,75,70,40,electric,,22.0,5,0
+603,['Levitate'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,115,5120,70,515,30,EleFish Pokémon,80,1250000,2.1,85,Shibirudonシビルドン,Eelektross,50.0,604,105,80,50,electric,,80.5,5,0
+604,"['Telepathy', 'Synchronize', 'Analytic']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,55,5120,70,335,255,Cerebral Pokémon,55,1000000,0.5,55,Ligrayリグレー,Elgyem,50.0,605,85,55,30,psychic,,9.0,5,0
+605,"['Telepathy', 'Synchronize', 'Analytic']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,75,5120,70,485,90,Cerebral Pokémon,75,1000000,1.0,75,Ohbemオーベム,Beheeyem,50.0,606,125,95,40,psychic,,34.5,5,0
+606,"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,30,5120,70,275,190,Candle Pokémon,55,1059860,0.3,50,Hitomoshiヒトモシ,Litwick,50.0,607,65,55,20,ghost,fire,3.1,5,0
+607,"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,40,5120,70,370,90,Lamp Pokémon,60,1059860,0.6,60,Lamplerランプラー,Lampent,50.0,608,95,60,55,ghost,fire,13.0,5,0
+608,"['Flash Fire', 'Flame Body', 'Infiltrator']",0.25,2.0,1.0,1.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,0.5,0.0,0.5,1.0,2.0,0.5,2.0,55,5120,70,520,45,Luring Pokémon,90,1059860,1.0,60,Chandelaシャンデラ,Chandelure,50.0,609,145,90,80,ghost,fire,34.3,5,0
+609,"['Rivalry', 'Mold Breaker', 'Unnerve']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,87,10240,35,320,75,Tusk Pokémon,60,1250000,0.6,46,Kibagoキバゴ,Axew,50.0,610,30,40,57,dragon,,18.0,5,0
+610,"['Rivalry', 'Mold Breaker', 'Unnerve']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,117,10240,35,410,60,Axe Jaw Pokémon,70,1250000,1.0,66,Onondoオノンド,Fraxure,50.0,611,40,50,67,dragon,,36.0,5,0
+611,"['Rivalry', 'Mold Breaker', 'Unnerve']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,147,10240,35,540,45,Axe Jaw Pokémon,90,1250000,1.8,76,Ononokusオノノクス,Haxorus,50.0,612,60,70,97,dragon,,105.5,5,0
+612,"['Snow Cloak', 'Slush Rush', 'Rattled']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,70,5120,70,305,120,Chill Pokémon,40,1000000,0.5,55,Kumasyunクマシュン,Cubchoo,50.0,613,60,40,40,ice,,8.5,5,0
+613,"['Snow Cloak', 'Slush Rush', 'Swift Swim']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,130,5120,70,505,60,Freezing Pokémon,80,1000000,2.6,95,Tunbearツンベアー,Beartic,50.0,614,70,80,50,ice,,260.0,5,0
+614,['Levitate'],1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,50,6400,70,515,25,Crystallizing Pokémon,50,1000000,1.1,80,Freegeoフリージオ,Cryogonal,,615,95,135,105,ice,,148.0,5,0
+615,"['Hydration', 'Shell Armor', 'Overcoat']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,40,3840,70,305,200,Snail Pokémon,85,1000000,0.4,50,Chobomakiチョボマキ,Shelmet,50.0,616,40,65,25,bug,,7.7,5,0
+616,"['Hydration', 'Sticky Hold', 'Unburden']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,70,3840,70,495,75,Shell Out Pokémon,40,1000000,0.8,80,Agilderアギルダー,Accelgor,50.0,617,100,60,145,bug,,25.3,5,0
+617,"['Static', 'Limber', 'Sand Veil']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,0.5,1.0,2.0,2.0,2.0,1.0,0.5,1.0,0.5,0.5,2.0,66,5120,70,471,75,Trap Pokémon,84,1000000,0.7,109,Maggyoマッギョ,Stunfisk,50.0,618,81,99,32,ground,electric,11.0,5,0
+618,"['Inner Focus', 'Regenerator', 'Reckless']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,85,6400,70,350,180,Martial Arts Pokémon,50,1059860,0.9,45,Kojofuコジョフー,Mienfoo,50.0,619,55,50,65,fighting,,20.0,5,0
+619,"['Inner Focus', 'Regenerator', 'Reckless']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,125,6400,70,510,45,Martial Arts Pokémon,60,1059860,1.4,65,Kojondoコジョンド,Mienshao,50.0,620,95,60,105,fighting,,35.5,5,0
+620,"['Rough Skin', 'Sheer Force', 'Mold Breaker']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,120,7680,70,485,45,Cave Pokémon,90,1000000,1.6,77,Crimganクリムガン,Druddigon,50.0,621,60,90,48,dragon,,139.0,5,0
+621,"['Iron Fist', 'Klutz', 'No Guard']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,74,6400,70,303,190,Automaton Pokémon,50,1000000,1.0,59,Gobitゴビット,Golett,,622,35,50,35,ground,ghost,92.0,5,0
+622,"['Iron Fist', 'Klutz', 'No Guard']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,124,6400,70,483,90,Automaton Pokémon,80,1000000,2.8,89,Goloogゴルーグ,Golurk,,623,55,80,55,ground,ghost,330.0,5,0
+623,"['Defiant', 'Inner Focus', 'Pressure']",1.0,0.5,0.5,1.0,1.0,4.0,2.0,0.5,0.5,0.5,2.0,0.5,0.5,0.0,0.0,0.5,0.5,1.0,85,5120,35,340,120,Sharp Blade Pokémon,70,1000000,0.5,45,Komatanaコマタナ,Pawniard,50.0,624,40,40,60,dark,steel,10.2,5,0
+624,"['Defiant', 'Inner Focus', 'Pressure']",1.0,0.5,0.5,1.0,1.0,4.0,2.0,0.5,0.5,0.5,2.0,0.5,0.5,0.0,0.0,0.5,0.5,1.0,125,5120,35,490,45,Sword Blade Pokémon,100,1000000,1.6,65,Kirikizanキリキザン,Bisharp,50.0,625,60,70,70,dark,steel,70.0,5,0
+625,"['Reckless', 'Sap Sipper', 'Soundproof']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,110,5120,70,490,45,Bash Buffalo Pokémon,95,1000000,1.6,95,Buffronバッフロン,Bouffalant,50.0,626,40,95,55,normal,,94.6,5,0
+626,"['Keen Eye', 'Sheer Force', 'Hustle']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,83,5120,70,350,190,Eaglet Pokémon,50,1250000,0.5,70,Washibonワシボン,Rufflet,100.0,627,37,50,60,normal,flying,10.5,5,0
+627,"['Keen Eye', 'Sheer Force', 'Defiant']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,123,5120,70,510,60,Valiant Pokémon,75,1250000,1.5,100,Warrgleウォーグル,Braviary,100.0,628,57,75,80,normal,flying,41.0,5,0
+628,"['Big Pecks', 'Overcoat', 'Weak Armor']",1.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,0.5,0.5,0.0,2.0,1.0,1.0,0.0,2.0,1.0,1.0,55,5120,35,370,190,Diapered Pokémon,75,1250000,0.5,70,Valchaiバルチャイ,Vullaby,0.0,629,45,65,60,dark,flying,9.0,5,0
+629,"['Big Pecks', 'Overcoat', 'Weak Armor']",1.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,0.5,0.5,0.0,2.0,1.0,1.0,0.0,2.0,1.0,1.0,65,5120,35,510,60,Bone Vulture Pokémon,105,1250000,1.2,110,Vulginaバルジーナ,Mandibuzz,0.0,630,55,95,80,dark,flying,39.5,5,0
+630,"['Gluttony', 'Flash Fire', 'White Smoke']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,97,5120,70,484,90,Anteater Pokémon,66,1000000,1.4,85,Kuitaranクイタラン,Heatmor,50.0,631,105,66,65,fire,,58.0,5,0
+631,"['Swarm', 'Hustle', 'Truant']",0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,109,5120,70,484,90,Iron Ant Pokémon,112,1000000,0.3,58,Aiantアイアント,Durant,50.0,632,48,48,109,bug,steel,33.0,5,0
+632,['Hustle'],2.0,0.5,2.0,0.5,4.0,2.0,0.5,1.0,0.5,0.5,1.0,2.0,1.0,1.0,0.0,1.0,1.0,0.5,65,10240,35,300,45,Irate Pokémon,50,1250000,0.8,52,Monozuモノズ,Deino,50.0,633,45,50,38,dark,dragon,17.3,5,0
+633,['Hustle'],2.0,0.5,2.0,0.5,4.0,2.0,0.5,1.0,0.5,0.5,1.0,2.0,1.0,1.0,0.0,1.0,1.0,0.5,85,10240,35,420,45,Hostile Pokémon,70,1250000,1.4,72,Diheadジヘッド,Zweilous,50.0,634,65,70,58,dark,dragon,50.0,5,0
+634,['Levitate'],2.0,0.5,2.0,0.5,4.0,2.0,0.5,1.0,0.5,0.5,1.0,2.0,1.0,1.0,0.0,1.0,1.0,0.5,105,10240,35,600,45,Brutal Pokémon,90,1250000,1.8,92,Sazandoraサザンドラ,Hydreigon,50.0,635,125,90,98,dark,dragon,160.0,5,0
+635,"['Flame Body', 'Swarm']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,2.0,1.0,0.25,1.0,0.5,1.0,1.0,1.0,4.0,0.5,2.0,85,10240,70,360,45,Torch Pokémon,55,1250000,1.1,55,Merlarvaメラルバ,Larvesta,50.0,636,50,55,60,bug,fire,28.8,5,0
+636,"['Flame Body', 'Swarm']",0.5,1.0,1.0,1.0,0.5,0.5,1.0,2.0,1.0,0.25,1.0,0.5,1.0,1.0,1.0,4.0,0.5,2.0,60,10240,70,550,15,Sun Pokémon,65,1250000,1.6,85,Ulgamothウルガモス,Volcarona,50.0,637,135,105,100,bug,fire,46.0,5,0
+637,['Justified'],0.25,0.5,0.5,1.0,1.0,2.0,2.0,1.0,1.0,0.5,2.0,0.5,0.5,0.0,1.0,0.25,0.5,1.0,90,20480,35,580,3,Iron Will Pokémon,129,1250000,2.1,91,Cobalonコバルオン,Cobalion,,638,90,72,108,steel,fighting,250.0,5,1
+638,['Justified'],0.5,0.5,1.0,1.0,2.0,2.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,0.5,2.0,2.0,129,20480,35,580,3,Cavern Pokémon,90,1250000,1.9,91,Terrakionテラキオン,Terrakion,,639,72,90,108,rock,fighting,260.0,5,1
+639,['Justified'],1.0,0.5,1.0,0.5,2.0,1.0,2.0,4.0,1.0,0.5,0.5,2.0,1.0,2.0,2.0,0.5,1.0,0.5,90,20480,35,580,3,Grassland Pokémon,72,1250000,2.0,91,Virizionビリジオン,Virizion,,640,90,129,108,grass,fighting,200.0,5,1
+640,"['Prankster', 'Defiant', 'Regenerator']",0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,100,30720,90,580,3,Cyclone Pokémon,80,1250000,1.5,79,Tornelos (keshin Forme)トルネロス,Tornadus,100.0,641,110,90,121,flying,,63.0,5,1
+641,"['Prankster', 'Defiant', 'Volt Absorb']",0.5,1.0,1.0,1.0,1.0,0.5,1.0,0.5,1.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,0.5,1.0,105,30720,90,580,3,Bolt Strike Pokémon,70,1250000,1.5,79,Voltolos (keshin Forme)ボルトロス,Thundurus,100.0,642,145,80,101,electric,flying,61.0,5,1
+642,['Turboblaze'],0.5,1.0,2.0,0.5,1.0,1.0,0.25,1.0,1.0,0.25,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,120,30720,0,680,3,Vast White Pokémon,100,1250000,3.2,100,Reshiramレシラム,Reshiram,,643,150,120,90,dragon,fire,330.0,5,1
+643,['Teravolt'],1.0,1.0,2.0,0.25,2.0,1.0,0.5,0.5,1.0,0.5,2.0,2.0,1.0,1.0,1.0,1.0,0.5,0.5,150,30720,0,680,3,Deep Black Pokémon,120,1250000,2.9,100,Zekromゼクロム,Zekrom,,644,120,100,90,dragon,electric,345.0,5,1
+644,"['Sand Force', 'Sheer Force', 'Intimidate']",0.5,1.0,1.0,0.0,1.0,0.5,1.0,1.0,1.0,1.0,0.0,4.0,1.0,0.5,1.0,1.0,1.0,2.0,145,30720,90,600,3,Abundance Pokémon,90,1250000,1.5,89,Landlos (keshin Forme)ランドロス,Landorus,100.0,645,105,80,91,ground,flying,68.0,5,1
+645,"['Pressure', 'Teravolt', 'Turboblaze']",1.0,1.0,2.0,0.5,2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,2.0,0.5,120,30720,0,700,3,Boundary Pokémon,90,1250000,3.0,125,Kyuremキュレム,Kyurem,,646,170,100,95,dragon,ice,325.0,5,1
+646,['Justified'],0.5,0.5,1.0,2.0,2.0,1.0,0.5,2.0,1.0,2.0,1.0,0.5,1.0,1.0,2.0,0.5,0.5,0.5,72,20480,35,580,3,Colt Pokémon,90,1250000,1.4,91,Keldeo (itsumo No Sugata)ケルディオ,Keldeo,,647,129,90,108,water,fighting,48.5,5,1
+647,['Serene Grace'],2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,128,30720,100,600,3,Melody Pokémon,90,1250000,0.6,100,Meloetta (step Forme)メロエッタ,Meloetta,,648,77,77,128,normal,psychic,6.5,5,1
+648,['Download'],0.5,1.0,0.5,1.0,0.5,1.0,4.0,1.0,1.0,0.25,1.0,0.5,0.5,0.0,0.5,1.0,0.5,1.0,120,30720,0,600,3,Paleozoic Pokémon,95,1250000,1.5,71,Genesectゲノセクト,Genesect,,649,120,95,99,bug,steel,82.5,5,1
+649,"['Overgrow', 'Bulletproof']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,61,5120,70,313,45,Spiky Nut Pokémon,65,1059860,0.4,56,Harimaronハリマロン,Chespin,88.1,650,48,45,38,grass,,9.0,6,0
+650,"['Overgrow', 'Bulletproof']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,78,5120,70,405,45,Spiny Armor Pokémon,95,1059860,0.7,61,Hariborgハリボーグ,Quilladin,88.1,651,56,58,57,grass,,29.0,6,0
+651,"['Overgrow', 'Bulletproof']",1.0,0.5,1.0,0.5,2.0,1.0,2.0,4.0,1.0,0.5,0.5,2.0,1.0,2.0,2.0,0.5,1.0,0.5,107,5120,70,530,45,Spiny Armor Pokémon,122,1059860,1.6,88,Brigarronブリガロン,Chesnaught,88.1,652,74,75,64,grass,fighting,90.0,6,0
+652,"['Blaze', 'Magician']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,45,5120,70,307,45,Fox Pokémon,40,1059860,0.4,40,Fokkoフォッコ,Fennekin,88.1,653,62,60,60,fire,,9.4,6,0
+653,"['Blaze', 'Magician']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,59,5120,70,409,45,Fox Pokémon,58,1059860,1.0,59,Tairenarテールナー,Braixen,88.1,654,90,70,73,fire,,14.5,6,0
+654,"['Blaze', 'Magician']",1.0,2.0,1.0,1.0,0.5,0.5,0.5,1.0,2.0,0.5,2.0,0.5,1.0,1.0,0.5,2.0,0.5,2.0,69,5120,70,534,45,Fox Pokémon,72,1059860,1.5,75,Mahoxyマフォクシー,Delphox,88.1,655,114,100,104,fire,psychic,39.0,6,0
+655,"['Torrent', 'Protean']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,56,5120,70,314,45,Bubble Frog Pokémon,40,1059860,0.3,41,Keromatsuケロマツ,Froakie,88.1,656,62,44,71,water,,7.0,6,0
+656,"['Torrent', 'Protean']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,63,5120,70,405,45,Bubble Frog Pokémon,52,1059860,0.6,54,Gekogashiraゲコガシラ,Frogadier,88.1,657,83,56,97,water,,10.9,6,0
+657,"['Torrent', 'Protean', 'Battle Bond']",2.0,0.5,1.0,2.0,2.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,1.0,1.0,0.0,1.0,0.5,0.5,145,5120,70,640,45,Ninja Pokémon,67,1059860,1.5,72,Gekkougaゲッコウガ,Greninja,88.1,658,153,71,132,water,dark,40.0,6,0
+658,"['Pickup', 'Cheek Pouch', 'Huge Power']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,36,3840,70,237,255,Digging Pokémon,38,1000000,0.4,38,Horubeeホルビー,Bunnelby,50.0,659,32,36,57,normal,,5.0,6,0
+659,"['Pickup', 'Cheek Pouch', 'Huge Power']",1.0,1.0,1.0,0.0,1.0,2.0,1.0,1.0,0.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,56,3840,70,423,127,Digging Pokémon,77,1000000,1.0,85,Horudoホルード,Diggersby,50.0,660,50,77,78,normal,ground,42.4,6,0
+660,"['Big Pecks', 'Gale Wings']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,50,3840,70,278,255,Tiny Robin Pokémon,43,1059860,0.3,45,Yayakomaヤヤコマ,Fletchling,50.0,661,40,38,62,normal,flying,1.7,6,0
+661,"['Flame Body', 'Gale Wings']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,73,3840,70,382,120,Ember Pokémon,55,1059860,0.7,62,Hinoyakomaヒノヤコマ,Fletchinder,50.0,662,56,52,84,fire,flying,16.0,6,0
+662,"['Flame Body', 'Gale Wings']",0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,81,3840,70,499,45,Scorching Pokémon,71,1059860,1.2,78,Fiarrowファイアロー,Talonflame,50.0,663,74,69,126,fire,flying,24.5,6,0
+663,"['Shield Dust', 'Compoundeyes', 'Friend Guard']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,35,3840,70,200,255,Scatterdust Pokémon,40,1000000,0.3,38,Kofukimushiコフキムシ,Scatterbug,50.0,664,27,25,35,bug,,2.5,6,0
+664,"['Shed Skin', 'Friend Guard']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,22,3840,70,213,120,Scatterdust Pokémon,60,1000000,0.3,45,Kofuuraiコフーライ,Spewpa,50.0,665,27,30,29,bug,,8.4,6,0
+665,"['Shield Dust', 'Compoundeyes', 'Friend Guard']",0.5,1.0,1.0,2.0,1.0,0.25,2.0,2.0,1.0,0.25,0.0,2.0,1.0,1.0,1.0,4.0,1.0,1.0,52,3840,70,411,45,Scale Pokémon,50,1000000,1.2,80,Viviyonビビヨン,Vivillon,50.0,666,90,50,89,bug,flying,17.0,6,0
+666,"['Rivalry', 'Unnerve', 'Moxie']",0.5,1.0,1.0,1.0,0.5,2.0,0.5,1.0,0.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,50,5120,70,369,220,Lion Cub Pokémon,58,1059860,0.6,62,Shishikoシシコ,Litleo,11.2,667,73,54,72,fire,normal,13.5,6,0
+667,"['Rivalry', 'Unnerve', 'Moxie']",0.5,1.0,1.0,1.0,0.5,2.0,0.5,1.0,0.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,68,5120,70,507,65,Royal Pokémon,72,1059860,1.5,86,Kaenjishiカエンジシ,Pyroar,11.2,668,109,66,106,fire,normal,81.5,6,0
+668,"['Flower Veil', 'Symbiosis']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,38,5120,70,303,225,Single Bloom Pokémon,39,1000000,0.1,44,Flabebeフラベベ,Flabébé,0.0,669,61,79,42,fairy,,0.1,6,0
+669,"['Flower Veil', 'Symbiosis']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,65,5120,70,551,120,Fairy Pokémon,67,1000000,0.2,74,Floetteフラエッテ,Floette,0.0,670,125,128,92,fairy,,0.9,6,0
+670,"['Flower Veil', 'Symbiosis']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,65,5120,70,552,45,Garden Pokémon,68,1000000,1.1,78,Florgesフラージェス,Florges,0.0,671,112,154,75,fairy,,10.0,6,0
+671,"['Sap Sipper', 'Grass Pelt']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,65,5120,70,350,200,Mount Pokémon,48,1000000,0.9,66,Meecleメェークル,Skiddo,50.0,672,62,57,52,grass,,31.0,6,0
+672,"['Sap Sipper', 'Grass Pelt']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,100,5120,70,531,45,Mount Pokémon,62,1000000,1.7,123,Gogoatゴーゴート,Gogoat,50.0,673,97,81,68,grass,,91.0,6,0
+673,"['Iron Fist', 'Mold Breaker', 'Scrappy']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,82,6400,70,348,220,Playful Pokémon,62,1000000,0.6,67,Yanchamヤンチャム,Pancham,50.0,674,46,48,43,fighting,,8.0,6,0
+674,"['Iron Fist', 'Mold Breaker', 'Scrappy']",1.0,0.25,1.0,1.0,4.0,2.0,1.0,2.0,0.5,1.0,1.0,1.0,1.0,1.0,0.0,0.5,1.0,1.0,124,6400,70,495,65,Daunting Pokémon,78,1000000,2.1,95,Gorondaゴロンダ,Pangoro,50.0,675,69,71,58,fighting,dark,136.0,6,0
+675,['Fur Coat'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,80,5120,70,472,160,Poodle Pokémon,60,1000000,1.2,75,Trimmienトリミアン,Furfrou,50.0,676,65,90,102,normal,,28.0,6,0
+676,"['Keen Eye', 'Infiltrator', 'Own Tempo']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,48,5120,70,355,190,Restraint Pokémon,54,1000000,0.3,62,Nyasperニャスパー,Espurr,50.0,677,63,60,68,psychic,,3.5,6,0
+677,"['Keen Eye', 'Infiltrator', 'Prankster', 'Competitive']",2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,48,5120,70,466,75,Constraint Pokémon,76,1000000,0.6,74,Nyaonixニャオニクス,Meowstic,50.0,678,83,81,104,psychic,,8.5,6,0
+678,['No Guard'],0.25,2.0,0.5,1.0,0.5,0.0,2.0,0.5,2.0,0.5,2.0,0.5,0.0,0.0,0.5,0.5,0.5,1.0,80,5120,70,325,180,Sword Pokémon,100,1000000,0.8,45,Hitotsukiヒトツキ,Honedge,50.0,679,35,37,28,steel,ghost,2.0,6,0
+679,['No Guard'],0.25,2.0,0.5,1.0,0.5,0.0,2.0,0.5,2.0,0.5,2.0,0.5,0.0,0.0,0.5,0.5,0.5,1.0,110,5120,70,448,90,Sword Pokémon,150,1000000,0.8,59,Nidangillニダンギル,Doublade,50.0,680,45,49,35,steel,ghost,4.5,6,0
+680,['Stance Change'],0.25,2.0,0.5,1.0,0.5,0.0,2.0,0.5,2.0,0.5,2.0,0.5,0.0,0.0,0.5,0.5,0.5,1.0,150,5120,70,520,45,Royal Sword Pokémon,50,1000000,1.7,60,Gillgardギルガルド,Aegislash,50.0,681,150,50,60,steel,ghost,53.0,6,0
+681,"['Healer', 'Aroma Veil']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,52,5120,70,341,200,Perfume Pokémon,60,1000000,0.2,78,Shushupuシュシュプ,Spritzee,50.0,682,63,65,23,fairy,,0.5,6,0
+682,"['Healer', 'Aroma Veil']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,72,5120,70,462,140,Fragrance Pokémon,72,1000000,0.8,101,Frefuwanフレフワン,Aromatisse,50.0,683,99,89,29,fairy,,15.5,6,0
+683,"['Sweet Veil', 'Unburden']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,48,5120,70,341,200,Cotton Candy Pokémon,66,1000000,0.4,62,Peroppafuペロッパフ,Swirlix,50.0,684,59,57,49,fairy,,3.5,6,0
+684,"['Sweet Veil', 'Unburden']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,80,5120,70,480,140,Meringue Pokémon,86,1000000,0.8,82,Peroreamペロリーム,Slurpuff,50.0,685,85,75,72,fairy,,5.0,6,0
+685,"['Contrary', 'Suction Cups', 'Infiltrator']",4.0,1.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,54,5120,70,288,190,Revolving Pokémon,53,1000000,0.4,53,Maaiikaマーイーカ,Inkay,50.0,686,37,46,45,dark,psychic,3.5,6,0
+686,"['Contrary', 'Suction Cups', 'Infiltrator']",4.0,1.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,92,5120,70,482,80,Overturning Pokémon,88,1000000,1.5,86,Calamaneroカラマネロ,Malamar,50.0,687,68,75,73,dark,psychic,47.0,6,0
+687,"['Tough Claws', 'Sniper', 'Pickpocket']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,52,5120,70,306,120,Two-Handed Pokémon,67,1000000,0.5,42,Kameteteカメテテ,Binacle,50.0,688,39,56,50,rock,water,31.0,6,0
+688,"['Tough Claws', 'Sniper', 'Pickpocket']",1.0,1.0,1.0,2.0,1.0,2.0,0.25,0.5,1.0,4.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,1.0,105,5120,70,500,45,Collective Pokémon,115,1000000,1.3,72,Gamenodesガメノデス,Barbaracle,50.0,689,54,86,68,rock,water,96.0,6,0
+689,"['Poison Point', 'Poison Touch', 'Adaptability']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,60,5120,70,320,225,Mock Kelp Pokémon,60,1000000,0.5,50,Kuzumoクズモー,Skrelp,50.0,690,60,60,30,poison,water,7.3,6,0
+690,"['Poison Point', 'Poison Touch', 'Adaptability']",0.5,1.0,2.0,0.5,1.0,0.5,0.5,1.0,1.0,0.25,2.0,2.0,1.0,0.5,2.0,1.0,1.0,0.5,75,5120,70,494,55,Mock Kelp Pokémon,90,1000000,1.8,65,Dramidoroドラミドロ,Dragalge,50.0,691,97,123,44,poison,dragon,81.5,6,0
+691,['Mega Launcher'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,53,3840,70,330,225,Water Gun Pokémon,62,1250000,0.5,50,Udeppouウデッポウ,Clauncher,50.0,692,58,63,44,water,,8.3,6,0
+692,['Mega Launcher'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,73,3840,70,500,55,Howitzer Pokémon,88,1250000,1.3,71,Blosterブロスター,Clawitzer,50.0,693,120,89,59,water,,35.3,6,0
+693,"['Dry Skin', 'Sand Veil', 'Solar Power']",1.0,1.0,1.0,0.5,1.0,2.0,1.0,0.5,0.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,38,5120,70,289,190,Generator Pokémon,33,1000000,0.5,44,Erikiteruエリキテル,Helioptile,50.0,694,61,43,70,electric,normal,6.0,6,0
+694,"['Dry Skin', 'Sand Veil', 'Solar Power']",1.0,1.0,1.0,0.5,1.0,2.0,1.0,0.5,0.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,55,5120,70,481,75,Generator Pokémon,52,1000000,1.0,62,Elezardエレザード,Heliolisk,50.0,695,109,94,109,electric,normal,21.0,6,0
+695,"['Strong Jaw', 'Sturdy']",1.0,1.0,2.0,0.5,2.0,2.0,0.25,0.5,1.0,1.0,2.0,2.0,0.5,0.5,1.0,1.0,2.0,1.0,89,7680,70,362,45,Royal Heir Pokémon,77,1000000,0.8,58,Chigorasチゴラス,Tyrunt,88.1,696,45,45,48,rock,dragon,26.0,6,0
+696,"['Strong Jaw', 'Rock Head']",1.0,1.0,2.0,0.5,2.0,2.0,0.25,0.5,1.0,1.0,2.0,2.0,0.5,0.5,1.0,1.0,2.0,1.0,121,7680,70,521,45,Despot Pokémon,119,1000000,2.5,82,Gachigorasガチゴラス,Tyrantrum,88.1,697,69,59,71,rock,dragon,270.0,6,0
+697,"['Refrigerate', 'Snow Warning']",1.0,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,2.0,2.0,0.5,0.5,0.5,1.0,2.0,4.0,2.0,59,7680,70,362,45,Tundra Pokémon,50,1000000,1.3,77,Amarusアマルス,Amaura,88.1,698,67,63,46,rock,ice,25.2,6,0
+698,"['Refrigerate', 'Snow Warning']",1.0,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,2.0,2.0,0.5,0.5,0.5,1.0,2.0,4.0,2.0,77,7680,70,521,45,Tundra Pokémon,72,1000000,2.7,123,Amarurugaアマルルガ,Aurorus,88.1,699,99,92,58,rock,ice,225.0,6,0
+699,"['Cute Charm', 'Pixilate']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,65,8960,70,525,45,Intertwining Pokémon,65,1000000,1.0,95,Nymphiaニンフィア,Sylveon,88.1,700,110,130,60,fairy,,23.5,6,0
+700,"['Limber', 'Unburden', 'Mold Breaker']",0.25,0.5,1.0,2.0,2.0,0.5,1.0,2.0,1.0,0.5,0.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,92,5120,70,500,100,Wrestling Pokémon,75,1000000,0.8,78,Luchabullルチャブル,Hawlucha,50.0,701,74,63,118,fighting,flying,21.5,6,0
+701,"['Cheek Pouch', 'Pickup', 'Plus']",0.5,0.5,0.0,0.5,1.0,0.5,1.0,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,58,5120,70,431,180,Antenna Pokémon,57,1000000,0.2,67,Dedenneデデンネ,Dedenne,50.0,702,81,67,101,electric,fairy,2.2,6,0
+702,"['Clear Body', 'Sturdy']",0.5,0.5,0.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,1.0,4.0,2.0,50,6400,70,500,60,Jewel Pokémon,150,1250000,0.3,50,Melecieメレシー,Carbink,,703,50,150,50,rock,fairy,5.7,6,0
+703,"['Sap Sipper', 'Hydration', 'Gooey']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,50,10240,35,300,45,Soft Tissue Pokémon,35,1250000,0.3,45,Numeraヌメラ,Goomy,50.0,704,55,75,40,dragon,,2.8,6,0
+704,"['Sap Sipper', 'Hydration', 'Gooey']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,75,10240,35,452,45,Soft Tissue Pokémon,53,1250000,0.8,68,Numeilヌメイル,Sliggoo,50.0,705,83,113,60,dragon,,17.5,6,0
+705,"['Sap Sipper', 'Hydration', 'Gooey']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,100,10240,35,600,45,Dragon Pokémon,70,1250000,2.0,90,Numelgonヌメルゴン,Goodra,50.0,706,110,150,80,dragon,,150.5,6,0
+706,"['Prankster', 'Magician']",0.25,0.5,0.0,1.0,0.5,1.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,1.0,1.0,80,5120,70,470,75,Key Ring Pokémon,91,800000,0.2,57,Cleffyクレッフィ,Klefki,50.0,707,80,87,75,steel,fairy,3.0,6,0
+707,"['Natural Cure', 'Frisk', 'Harvest']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,70,5120,70,309,120,Stump Pokémon,48,1000000,0.4,43,Bokureiボクレー,Phantump,50.0,708,50,60,38,ghost,grass,7.0,6,0
+708,"['Natural Cure', 'Frisk', 'Harvest']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,110,5120,70,474,60,Elder Tree Pokémon,76,1000000,1.5,85,Ohrotオーロット,Trevenant,50.0,709,65,82,56,ghost,grass,71.0,6,0
+709,"['Pickup', 'Frisk', 'Insomnia']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,66,5120,70,335,120,Pumpkin Pokémon,70,1000000,0.8,59,Bakecchaバケッチャ,Pumpkaboo,50.0,710,44,55,41,ghost,grass,15.0,6,0
+710,"['Pickup', 'Frisk', 'Insomnia']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,100,5120,70,494,60,Pumpkin Pokémon,122,1000000,1.7,85,Pumpjinパンプジン,Gourgeist,50.0,711,58,75,54,ghost,grass,39.0,6,0
+711,"['Own Tempo', 'Ice Body', 'Sturdy']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,69,5120,70,304,190,Ice Chunk Pokémon,85,1000000,1.0,55,Kachikohruカチコール,Bergmite,50.0,712,32,35,28,ice,,99.5,6,0
+712,"['Own Tempo', 'Ice Body', 'Sturdy']",1.0,1.0,1.0,1.0,1.0,2.0,2.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,2.0,2.0,1.0,117,5120,70,514,55,Iceberg Pokémon,184,1000000,2.0,95,Crebaseクレベース,Avalugg,50.0,713,44,46,28,ice,,505.0,6,0
+713,"['Frisk', 'Infiltrator', 'Telepathy']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,30,5120,70,245,190,Sound Wave Pokémon,35,1000000,0.5,40,Onbatオンバット,Noibat,50.0,714,45,40,55,flying,dragon,8.0,6,0
+714,"['Frisk', 'Infiltrator', 'Telepathy']",0.5,1.0,2.0,1.0,2.0,0.5,0.5,1.0,1.0,0.25,0.0,4.0,1.0,1.0,1.0,2.0,1.0,0.5,70,5120,70,535,45,Sound Wave Pokémon,80,1000000,1.5,85,Onvernオンバーン,Noivern,50.0,715,97,80,123,flying,dragon,85.0,6,0
+715,['Fairy Aura'],0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,131,30720,0,680,45,Life Pokémon,95,1250000,3.0,126,Xerneasゼルネアス,Xerneas,,716,131,98,99,fairy,,215.0,6,1
+716,['Dark Aura'],1.0,0.5,1.0,2.0,2.0,1.0,1.0,1.0,0.5,0.5,0.0,2.0,1.0,1.0,0.0,2.0,1.0,1.0,131,30720,0,680,45,Destruction Pokémon,95,1250000,5.8,126,Yveltalイベルタル,Yveltal,,717,131,98,99,dark,flying,203.0,6,1
+717,"['Aura Break', 'Power Construct']",1.0,1.0,2.0,0.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,4.0,1.0,0.5,1.0,0.5,1.0,1.0,100,30720,0,708,3,Order Pokémon,121,1250000,5.0,216,Zygarde (10% Forme)ジガルデ,Zygarde,,718,91,95,85,dragon,ground,284.6,6,1
+718,['Clear Body'],0.5,0.5,0.0,1.0,1.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,1.0,4.0,2.0,160,6400,70,700,3,Jewel Pokémon,110,1250000,0.7,50,Diancieディアンシー,Diancie,,719,160,110,110,rock,fairy,8.8,6,1
+719,['Magician'],1.0,4.0,1.0,1.0,1.0,0.0,1.0,1.0,4.0,1.0,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,160,30720,100,680,3,Mischief Pokémon (Confined)Djinn Pokémonn (Unbound),60,1250000,,80,Hoopa (imashimerareshi Hoopa)フーパ,Hoopa,,720,170,130,80,psychic,ghost,,6,1
+720,['Water Absorb'],0.5,1.0,1.0,2.0,0.5,1.0,0.25,1.0,1.0,1.0,2.0,0.25,1.0,1.0,1.0,2.0,0.25,1.0,110,30720,100,600,3,Steam Pokémon,120,1250000,1.7,80,Volcanionボルケニオン,Volcanion,,721,130,90,70,fire,water,195.0,6,1
+721,"['Overgrow', 'Long Reach']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,55,3840,70,320,45,Grass Quill Pokémon,55,1059860,0.3,68,Mokurohモクロー,Rowlet,88.1,722,50,50,42,grass,flying,1.5,7,0
+722,"['Overgrow', 'Long Reach']",1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.25,0.0,4.0,1.0,2.0,1.0,2.0,1.0,0.5,75,3840,70,420,45,Blade Quill Pokémon,75,1059860,0.7,78,Fukuthrowフクスロー,Dartrix,88.1,723,70,70,52,grass,flying,16.0,7,0
+723,"['Overgrow', 'Long Reach']",1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,107,3840,70,530,45,Arrow Quill Pokémon,75,1059860,1.6,78,Junaiperジュナイパー,Decidueye,88.1,724,100,100,70,grass,ghost,36.6,7,0
+724,"['Blaze', 'Intimidate']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,65,3840,70,320,45,Fire Cat Pokémon,40,1059860,0.4,45,Nyabbyニャビー,Litten,88.1,725,60,40,70,fire,,4.3,7,0
+725,"['Blaze', 'Intimidate']",0.5,1.0,1.0,1.0,0.5,1.0,0.5,1.0,1.0,0.5,2.0,0.5,1.0,1.0,1.0,2.0,0.5,2.0,85,3840,70,420,45,Fire Cat Pokémon,50,1059860,0.7,65,Nyaheatニャヒート,Torracat,88.1,726,80,50,90,fire,,25.0,7,0
+726,"['Blaze', 'Intimidate']",1.0,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,0.5,2.0,0.5,1.0,1.0,0.0,2.0,0.5,2.0,115,3840,70,530,45,Heel Pokémon,90,1059860,1.8,95,Gaogaenガオガエン,Incineroar,88.1,727,80,90,60,fire,dark,83.0,7,0
+727,"['Torrent', 'Liquid Voice']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,54,3840,70,320,45,Sea Lion Pokémon,54,1059860,0.4,50,Ashimariアシマリ,Popplio,88.1,728,66,56,40,water,,7.5,7,0
+728,"['Torrent', 'Liquid Voice']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,69,3840,70,420,45,Pop Star Pokémon,69,1059860,0.6,60,Osyamariオシャマリ,Brionne,88.1,729,91,81,50,water,,17.5,7,0
+729,"['Torrent', 'Liquid Voice']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,74,3840,70,530,45,Soloist Pokémon,74,1059860,1.8,80,Ashireneアシレーヌ,Primarina,88.1,730,126,116,60,water,fairy,44.0,7,0
+730,"['Keen Eye', 'Skill Link', 'Pickup']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,75,3840,70,265,255,Woodpecker Pokémon,30,1000000,0.3,35,Tsutsukeraツツケラ,Pikipek,50.0,731,30,30,65,normal,flying,1.2,7,0
+731,"['Keen Eye', 'Skill Link', 'Pickup']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,85,3840,70,355,120,Bugle Beak Pokémon,50,1000000,0.6,55,Kerarappaケララッパ,Trumbeak,50.0,732,40,50,75,normal,flying,14.8,7,0
+732,"['Keen Eye', 'Skill Link', 'Sheer Force']",0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,0.0,0.5,0.0,2.0,1.0,1.0,1.0,2.0,1.0,1.0,120,3840,70,485,45,Cannon Pokémon,75,1000000,1.1,80,Dodekabashiドデカバシ,Toucannon,50.0,733,75,75,60,normal,flying,26.0,7,0
+733,"['Stakeout', 'Strong Jaw', 'Adaptability']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,70,3840,70,253,255,Loitering Pokémon,30,1000000,0.4,48,Youngooseヤングース,Yungoos,50.0,734,30,30,45,normal,,6.0,7,0
+734,"['Stakeout', 'Strong Jaw', 'Adaptability']",1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,110,3840,70,418,127,Stakeout Pokémon,60,1000000,0.7,88,Dekagooseデカグース,Gumshoos,50.0,735,55,60,45,normal,,14.2,7,0
+735,['Swarm'],1.0,1.0,1.0,1.0,1.0,0.5,2.0,2.0,1.0,0.5,0.5,1.0,1.0,1.0,1.0,2.0,1.0,1.0,62,3840,70,300,255,Larva Pokémon,45,1000000,0.4,47,Agojimushiアゴジムシ,Grubbin,50.0,736,55,45,46,bug,,4.4,7,0
+736,['Battery'],1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,82,3840,70,400,120,Battery Pokémon,95,1000000,0.5,57,Dendimushiデンヂムシ,Charjabug,50.0,737,55,75,36,bug,electric,10.5,7,0
+737,['Levitate'],1.0,1.0,1.0,0.5,1.0,0.5,2.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,70,3840,70,500,45,Stag Beetle Pokémon,90,1000000,1.5,77,Kuwagannonクワガノン,Vikavolt,50.0,738,145,75,43,bug,electric,45.0,7,0
+738,"['Hyper Cutter', 'Iron Fist', 'Anger Point']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,82,5120,70,338,225,Boxing Pokémon,57,1000000,0.6,47,Makenkaniマケンカニ,Crabrawler,50.0,739,42,47,63,fighting,,7.0,7,0
+739,"['Hyper Cutter', 'Iron Fist', 'Anger Point']",0.5,0.5,1.0,1.0,2.0,2.0,2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,2.0,1.0,132,5120,70,478,60,Woolly Crab Pokémon,77,1000000,1.7,97,Kekenkaniケケンカニ,Crabominable,50.0,740,62,67,43,fighting,ice,180.0,7,0
+740,['Dancer'],0.25,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,0.25,0.0,1.0,1.0,1.0,1.0,4.0,0.5,2.0,70,5120,70,476,45,Dancing Pokémon,70,1000000,0.6,75,Odoridori (pachipachi Style)オドリドリ,Oricorio,24.6,741,98,70,93,fire,flying,3.4,7,0
+741,"['Honey Gather', 'Shield Dust', 'Sweet Veil']",0.5,0.5,0.0,1.0,1.0,0.25,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,1.0,45,5120,70,304,190,Bee Fly Pokémon,40,1000000,0.1,40,Abulyアブリー,Cutiefly,50.0,742,55,40,84,bug,fairy,0.2,7,0
+742,"['Honey Gather', 'Shield Dust', 'Sweet Veil']",0.5,0.5,0.0,1.0,1.0,0.25,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,2.0,2.0,1.0,55,5120,70,464,75,Bee Fly Pokémon,60,1000000,0.2,60,Aburibbonアブリボン,Ribombee,50.0,743,95,70,124,bug,fairy,0.5,7,0
+743,"['Keen Eye', 'Vital Spirit', 'Steadfast']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,65,3840,70,280,190,Puppy Pokémon,40,1000000,0.5,45,Iwankoイワンコ,Rockruff,50.0,744,30,40,60,rock,,9.2,7,0
+744,"['Keen Eye', 'Sand Rush', 'Steadfast', 'Keen Eye', 'Vital Spirit', 'No Guard']",1.0,1.0,1.0,1.0,1.0,2.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,2.0,115,3840,70,487,90,Wolf Pokémon,75,1000000,,85,Lugarugan (mahiru No Sugata)ルガルガン,Lycanroc,50.0,745,55,75,82,rock,,,7,0
+745,['Schooling'],1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,140,3840,70,620,60,Small Fry Pokémon,130,800000,0.2,45,Yowashi (tandoku No Sugata)ヨワシ,Wishiwashi,50.0,746,140,135,30,water,,0.3,7,0
+746,"['Merciless', 'Limber', 'Regenerator']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,53,5120,70,305,190,Brutal Star Pokémon,62,1000000,0.4,50,Hidoideヒドイデ,Mareanie,50.0,747,43,52,45,poison,water,8.0,7,0
+747,"['Merciless', 'Limber', 'Regenerator']",0.5,1.0,1.0,2.0,0.5,0.5,0.5,1.0,1.0,1.0,2.0,0.5,1.0,0.5,2.0,1.0,0.5,0.5,63,5120,70,495,75,Brutal Star Pokémon,152,1000000,0.7,50,Dohidoideドヒドイデ,Toxapex,50.0,748,53,142,35,poison,water,14.5,7,0
+748,"['Own Tempo', 'Stamina', 'Inner Focus']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,100,5120,70,385,190,Donkey Pokémon,70,1000000,1.0,70,Dorobankoドロバンコ,Mudbray,50.0,749,45,55,45,ground,,110.0,7,0
+749,"['Own Tempo', 'Stamina', 'Inner Focus']",1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,2.0,1.0,0.5,1.0,0.5,1.0,2.0,125,5120,70,500,60,Draft Horse Pokémon,100,1000000,2.5,100,Banbadoroバンバドロ,Mudsdale,50.0,750,55,85,35,ground,,920.0,7,0
+750,"['Water Bubble', 'Water Absorb']",1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,40,3840,70,269,200,Water Bubble Pokémon,52,1000000,0.3,38,Shizukumoシズクモ,Dewpider,50.0,751,40,72,27,water,bug,4.0,7,0
+751,"['Water Bubble', 'Water Absorb']",1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,70,3840,70,454,100,Water Bubble Pokémon,92,1000000,1.8,68,Onishizukumoオニシズクモ,Araquanid,50.0,752,50,132,42,water,bug,82.0,7,0
+752,"['Leaf Guard', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,55,5120,70,250,190,Sickle Grass Pokémon,35,1000000,0.3,40,Karikiriカリキリ,Fomantis,50.0,753,50,35,35,grass,,1.5,7,0
+753,"['Leaf Guard', 'Contrary']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,105,5120,70,480,75,Bloom Sickle Pokémon,90,1000000,0.9,70,Lalantesラランテス,Lurantis,50.0,754,80,90,45,grass,,18.5,7,0
+754,"['Illuminate', 'Effect Spore', 'Rain Dish']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,35,5120,70,285,190,Illuminating Pokémon,55,1000000,0.2,40,Nemasyuネマシュ,Morelull,50.0,755,65,75,15,grass,fairy,1.5,7,0
+755,"['Illuminate', 'Effect Spore', 'Rain Dish']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,45,5120,70,405,75,Illuminating Pokémon,80,1000000,1.0,60,Mashadeマシェード,Shiinotic,50.0,756,90,100,30,grass,fairy,11.5,7,0
+756,"['Corrosion', 'Oblivious']",0.25,1.0,1.0,1.0,0.25,0.5,0.5,1.0,1.0,0.25,4.0,0.5,1.0,0.5,2.0,2.0,0.5,2.0,44,5120,70,320,120,Toxic Lizard Pokémon,40,1000000,0.6,48,Yatoumoriヤトウモリ,Salandit,88.1,757,71,40,77,poison,fire,4.8,7,0
+757,"['Corrosion', 'Oblivious']",0.25,1.0,1.0,1.0,0.25,0.5,0.5,1.0,1.0,0.25,4.0,0.5,1.0,0.5,2.0,2.0,0.5,2.0,64,5120,70,480,45,Toxic Lizard Pokémon,60,1000000,1.2,68,Ennewtエンニュート,Salazzle,0.0,758,111,60,117,poison,fire,22.2,7,0
+758,"['Fluffy', 'Klutz', 'Cute Charm']",0.5,0.5,1.0,1.0,2.0,2.0,1.0,2.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,75,3840,70,340,140,Flailing Pokémon,50,1000000,0.5,70,Nuikogumaヌイコグマ,Stufful,50.0,759,45,50,50,normal,fighting,6.8,7,0
+759,"['Fluffy', 'Klutz', 'Unnerve']",0.5,0.5,1.0,1.0,2.0,2.0,1.0,2.0,0.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,125,3840,70,500,70,Strong Arm Pokémon,80,1000000,2.1,120,Kiterugumaキテルグマ,Bewear,50.0,760,55,60,60,normal,fighting,135.0,7,0
+760,"['Leaf Guard', 'Oblivious', 'Sweet Veil']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,30,5120,70,210,235,Fruit Pokémon,38,1059860,0.3,42,Amakajiアマカジ,Bounsweet,0.0,761,30,38,32,grass,,3.2,7,0
+761,"['Leaf Guard', 'Oblivious', 'Sweet Veil']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,40,5120,70,290,120,Fruit Pokémon,48,1059860,0.7,52,Amamaikoアママイコ,Steenee,0.0,762,40,48,62,grass,,8.2,7,0
+762,"['Leaf Guard', 'Queenly Majesty', 'Sweet Veil']",2.0,1.0,1.0,0.5,1.0,1.0,2.0,2.0,1.0,0.5,0.5,2.0,1.0,2.0,1.0,1.0,1.0,0.5,120,5120,70,510,45,Fruit Pokémon,98,1059860,1.2,72,Amajoアマージョ,Tsareena,0.0,763,50,98,72,grass,,21.4,7,0
+763,"['Flower Veil', 'Triage', 'Natural Cure']",0.5,0.5,0.0,1.0,1.0,0.5,1.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,2.0,1.0,52,5120,70,485,60,Posy Picker Pokémon,90,800000,0.1,51,Cuwawaキュワワー,Comfey,24.6,764,82,110,100,fairy,,0.3,7,0
+764,"['Inner Focus', 'Telepathy', 'Symbiosis']",2.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,60,5120,70,490,45,Sage Pokémon,80,1250000,1.5,90,Yareyuutanヤレユータン,Oranguru,50.0,765,90,110,60,normal,psychic,76.0,7,0
+765,"['Receiver', 'Defiant']",0.5,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,1.0,120,5120,70,490,45,Teamwork Pokémon,90,1250000,2.0,100,Nagetukesaruナゲツケサル,Passimian,50.0,766,40,60,80,fighting,,82.8,7,0
+766,['Wimp Out'],1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,35,5120,70,230,90,Turn Tail Pokémon,40,1000000,0.5,25,Kosokumushiコソクムシ,Wimpod,50.0,767,20,30,80,bug,water,12.0,7,0
+767,['Emergency Exit'],1.0,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,0.5,0.5,125,5120,70,530,45,Hard Scale Pokémon,140,1000000,2.0,75,Gusokumushaグソクムシャ,Golisopod,50.0,768,60,90,40,bug,water,108.0,7,0
+768,"['Water Compaction', 'Sand Veil']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,55,3840,70,320,140,Sand Heap Pokémon,80,1000000,0.5,55,Sunabaスナバァ,Sandygast,50.0,769,70,45,15,ghost,ground,70.0,7,0
+769,"['Water Compaction', 'Sand Veil']",0.5,2.0,1.0,0.0,1.0,0.0,1.0,1.0,2.0,2.0,1.0,2.0,0.0,0.25,1.0,0.5,1.0,2.0,75,3840,70,480,60,Sand Castle Pokémon,110,1000000,1.3,85,Sirodethnaシロデスナ,Palossand,50.0,770,100,75,35,ghost,ground,250.0,7,0
+770,"['Innards Out', 'Unaware']",1.0,1.0,1.0,2.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,0.5,1.0,1.0,1.0,1.0,0.5,0.5,60,3840,70,410,60,Sea Cucumber Pokémon,130,800000,0.3,55,Namakobushiナマコブシ,Pyukumuku,50.0,771,30,130,5,water,,1.2,7,0
+771,['Battle Armor'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,95,30720,0,534,3,Synthetic Pokémon,95,1250000,1.9,95,Type: Nullタイプ:ヌル,Type: Null,,772,95,95,59,normal,,120.5,7,0
+772,['RKS System'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,95,30720,0,570,3,Synthetic Pokémon,95,1250000,2.3,95,Silvadyシルヴァディ,Silvally,,773,95,95,95,normal,,100.5,7,0
+773,['Shields Down'],0.5,1.0,1.0,2.0,1.0,1.0,0.5,0.5,1.0,1.0,0.0,2.0,0.5,0.5,1.0,2.0,2.0,2.0,100,6400,70,500,30 (Meteorite)255 (Core),Meteor Pokémon,60,1059860,0.3,60,Metenoメテノ,Minior,,774,100,60,120,rock,flying,40.0,7,0
+774,['Comatose'],1.0,1.0,1.0,1.0,1.0,2.0,1.0,1.0,0.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,115,5120,70,480,45,Drowsing Pokémon,65,1250000,0.4,65,Nekkoaraネッコアラ,Komala,50.0,775,75,95,65,normal,,19.9,7,0
+775,['Shell Armor'],0.5,1.0,2.0,0.5,1.0,1.0,0.25,1.0,1.0,0.25,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,78,5120,70,485,70,Blast Turtle Pokémon,135,1000000,2.0,60,Bakugamesバクガメス,Turtonator,50.0,776,91,85,36,fire,dragon,212.0,7,0
+776,"['Iron Barbs', 'Lightningrod', 'Sturdy']",0.5,1.0,0.5,0.5,0.5,2.0,2.0,0.25,1.0,0.5,4.0,0.5,0.5,0.0,0.5,0.5,0.25,1.0,98,2560,70,435,180,Roly-Poly Pokémon,63,1000000,0.3,65,Togedemaruトゲデマル,Togedemaru,50.0,777,40,73,96,electric,steel,3.3,7,0
+777,['Disguise'],0.25,1.0,0.0,1.0,1.0,0.0,1.0,1.0,2.0,1.0,1.0,1.0,0.0,1.0,1.0,1.0,2.0,1.0,90,5120,70,476,45,Disguise Pokémon,80,1000000,0.2,55,Mimikkyuミミッキュ,Mimikyu,50.0,778,50,105,96,ghost,fairy,0.7,7,0
+778,"['Dazzling', 'Strong Jaw', 'Wonder Skin ']",2.0,2.0,1.0,2.0,1.0,0.5,0.5,1.0,2.0,2.0,1.0,0.5,1.0,1.0,0.5,1.0,0.5,0.5,105,3840,70,475,80,Gnash Teeth Pokémon,70,1000000,0.9,68,Hagigishiriハギギシリ,Bruxish,50.0,779,70,70,92,water,psychic,19.0,7,0
+779,"['Berserk', 'Sap Sipper', 'Cloud Nine']",1.0,1.0,2.0,0.5,2.0,2.0,0.5,1.0,0.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,60,5120,70,485,70,Placid Pokémon,85,1000000,3.0,78,Jijilongジジーロン,Drampa,50.0,780,135,91,36,normal,dragon,185.0,7,0
+780,['Steelworker'],1.0,2.0,1.0,0.5,1.0,0.0,2.0,2.0,2.0,0.5,0.5,2.0,0.0,1.0,1.0,1.0,1.0,0.5,131,6400,70,517,25,Sea Creeper Pokémon,100,1000000,3.9,70,Dadarinダダリン,Dhelmise,,781,86,90,40,ghost,grass,210.0,7,0
+781,"['Bulletproof', 'Soundproof', 'Overcoat']",1.0,1.0,2.0,0.5,2.0,1.0,0.5,1.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,55,10240,70,300,45,Scaly Pokémon,65,1250000,0.6,45,Jyarakoジャラコ,Jangmo-o,50.0,782,45,45,45,dragon,,29.7,7,0
+782,"['Bulletproof', 'Soundproof', 'Overcoat']",0.5,0.5,2.0,0.5,4.0,1.0,0.5,2.0,1.0,0.5,1.0,2.0,1.0,1.0,2.0,0.5,1.0,0.5,75,10240,70,420,45,Scaly Pokémon,90,1250000,1.2,55,Jyarangoジャランゴ,Hakamo-o,50.0,783,65,70,65,dragon,fighting,47.0,7,0
+783,"['Bulletproof', 'Soundproof', 'Overcoat']",0.5,0.5,2.0,0.5,4.0,1.0,0.5,2.0,1.0,0.5,1.0,2.0,1.0,1.0,2.0,0.5,1.0,0.5,110,10240,70,600,45,Scaly Pokémon,125,1250000,1.6,75,Jyararangaジャラランガ,Kommo-o,50.0,784,100,105,85,dragon,fighting,78.2,7,0
+784,"['Electric Surge', 'Telepathy']",0.5,0.5,0.0,0.5,1.0,0.5,1.0,0.5,1.0,1.0,2.0,1.0,1.0,2.0,1.0,1.0,1.0,1.0,115,3840,70,570,3,Land Spirit Pokémon,85,1250000,1.8,70,Kapu-kokekoカプ・コケコ,Tapu Koko,,785,95,75,130,electric,fairy,20.5,7,1
+785,"['Psychic Surge', 'Telepathy']",1.0,1.0,0.0,1.0,1.0,0.25,1.0,1.0,2.0,1.0,1.0,1.0,1.0,2.0,0.5,1.0,2.0,1.0,85,3840,70,570,3,Land Spirit Pokémon,75,1250000,1.2,70,Kapu-tetefuカプ・テテフ,Tapu Lele,,786,130,115,95,psychic,fairy,18.6,7,1
+786,"['Grassy Surge', 'Telepathy']",1.0,0.5,0.0,0.5,1.0,0.5,2.0,2.0,1.0,0.5,0.5,2.0,1.0,4.0,1.0,1.0,2.0,0.5,130,3840,70,570,3,Land Spirit Pokémon,115,1250000,1.9,70,Kapu-bululカプ・ブルル,Tapu Bulu,,787,85,95,75,grass,fairy,45.5,7,1
+787,"['Misty Surge', 'Telepathy']",0.5,0.5,0.0,2.0,1.0,0.5,0.5,1.0,1.0,2.0,1.0,0.5,1.0,2.0,1.0,1.0,1.0,0.5,75,3840,70,570,3,Land Spirit Pokémon,115,1250000,1.3,70,Kapu-rehireカプ・レヒレ,Tapu Fini,,788,95,130,85,water,fairy,21.2,7,1
+788,['Unaware'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,29,30720,0,200,45,Nebula Pokémon,31,1250000,0.2,43,Cosmogコスモッグ,Cosmog,,789,29,31,37,psychic,,0.1,7,1
+789,['Sturdy'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,29,30720,0,400,45,Protostar Pokémon,131,1250000,0.1,43,Cosmovumコスモウム,Cosmoem,,790,29,131,37,psychic,,999.9,7,1
+790,['Full Metal Body'],1.0,2.0,0.5,1.0,0.5,1.0,2.0,0.5,2.0,0.5,2.0,0.5,0.5,0.0,0.25,0.5,0.5,1.0,137,30720,0,680,45,Sunne Pokémon,107,1250000,3.4,137,Solgaleoソルガレオ,Solgaleo,,791,113,89,97,psychic,steel,230.0,7,1
+791,['Shadow Shield'],1.0,4.0,1.0,1.0,1.0,0.0,1.0,1.0,4.0,1.0,1.0,1.0,0.0,0.5,0.5,1.0,1.0,1.0,113,30720,0,680,45,Moone Pokémon,89,1250000,4.0,137,Lunalaルナアーラ,Lunala,,792,137,107,97,psychic,ghost,120.0,7,1
+792,['Beast Boost'],0.5,1.0,1.0,1.0,0.5,1.0,0.5,0.5,1.0,1.0,4.0,1.0,0.5,0.25,2.0,1.0,2.0,2.0,53,30720,0,570,45,Parasite Pokémon,47,1250000,1.2,109,Uturoidウツロイド,Nihilego,,793,127,131,103,rock,poison,55.5,7,1
+793,['Beast Boost'],0.5,0.5,1.0,1.0,2.0,0.5,2.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,1.0,1.0,1.0,139,30720,0,570,25,Swollen Pokémon,139,1250000,2.4,107,Massivoonマッシブーン,Buzzwole,,794,53,53,79,bug,fighting,333.6,7,1
+794,['Beast Boost'],0.5,0.5,1.0,1.0,2.0,0.5,2.0,4.0,1.0,0.5,0.5,1.0,1.0,1.0,2.0,1.0,1.0,1.0,137,30720,0,570,255,Lissome Pokémon,37,1250000,1.8,71,Pheroacheフェローチェ,Pheromosa,,795,137,37,151,bug,fighting,25.0,7,1
+795,['Beast Boost'],1.0,1.0,1.0,0.5,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,89,30720,0,570,30,Glowing Pokémon,71,1250000,3.8,83,Denjyumokuデンジュモク,Xurkitree,,796,173,71,83,electric,,100.0,7,1
+796,['Beast Boost'],0.25,1.0,0.5,2.0,0.5,1.0,2.0,0.5,1.0,0.25,0.0,1.0,0.5,0.0,0.5,1.0,0.5,1.0,101,30720,0,570,25,Launch Pokémon,103,1250000,9.2,97,Tekkaguyaテッカグヤ,Celesteela,,797,107,101,61,steel,flying,999.9,7,1
+797,['Beast Boost'],1.0,1.0,0.5,0.5,0.5,2.0,4.0,1.0,1.0,0.25,1.0,1.0,0.5,0.0,0.5,0.5,0.5,0.5,181,30720,0,570,255,Drawn Sword Pokémon,131,1250000,0.3,59,Kamiturugiカミツルギ,Kartana,,798,59,31,109,grass,steel,0.1,7,1
+798,['Beast Boost'],2.0,0.5,2.0,0.5,4.0,2.0,0.5,1.0,0.5,0.5,1.0,2.0,1.0,1.0,0.0,1.0,1.0,0.5,101,30720,0,570,15,Junkivore Pokémon,53,1250000,5.5,223,Akuzikingアクジキング,Guzzlord,,799,97,53,43,dark,dragon,888.0,7,1
+799,['Prism Armor'],2.0,2.0,1.0,1.0,1.0,0.5,1.0,1.0,2.0,1.0,1.0,1.0,1.0,1.0,0.5,1.0,1.0,1.0,107,30720,0,600,3,Prism Pokémon,101,1250000,2.4,97,Necrozmaネクロズマ,Necrozma,,800,127,89,79,psychic,,230.0,7,1
+800,['Soul-Heart'],0.25,0.5,0.0,1.0,0.5,1.0,2.0,0.5,1.0,0.5,2.0,0.5,0.5,0.0,0.5,0.5,1.0,1.0,95,30720,0,600,3,Artificial Pokémon,115,1250000,1.0,80,Magearnaマギアナ,Magearna,,801,130,115,65,steel,fairy,80.5,7,1
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/rules/rule_catalogue_1.smk b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/rules/rule_catalogue_1.smk
new file mode 100644
index 0000000000000000000000000000000000000000..cf1e85b4239ec9ad498389dc48334e566391bbe6
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/rules/rule_catalogue_1.smk
@@ -0,0 +1,20 @@
+rule rule_4:
+    input: 'data/pokemon.csv'
+    output: 'data/updatedPokemon.csv', 'data/ghostDF.pkl'
+    script: '../scripts/rule_4.py'
+
+rule rule_6:
+    input: 'data/a_1.pkl', 'data/ghostDF.pkl'
+    output: 'data/array.csv', 'data/ghostPokemon.csv', 'data/ghostDF_1.pkl'
+    script: '../scripts/rule_6.py'
+
+rule rule_9:
+    input: 'data/ghostDF_1.pkl'
+    output: 'data/ghost.png'
+    script: '../scripts/rule_9.py'
+
+rule rule_12:
+    input: 
+    output: 'data/a_1.pkl'
+    script: '../scripts/rule_12.py'
+
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/funcs/functions.py b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/funcs/functions.py
new file mode 100644
index 0000000000000000000000000000000000000000..7c49e3bde1c5b4e38965f9fff28d30dd71e6dbbe
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/funcs/functions.py
@@ -0,0 +1,8 @@
+import matplotlib.pyplot as plt
+import seaborn as sns
+
+
+def save_correlation_map(data):
+    f,ax = plt.subplots(figsize=(18, 18))
+    sns.heatmap(data.corr(), annot=True, linewidths=.5, fmt= '.1f',ax=ax)
+    plt.savefig("data/ghost.png")
\ No newline at end of file
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_12.py b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_12.py
new file mode 100644
index 0000000000000000000000000000000000000000..78920ce9104c002c250d880320de64141b358a24
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_12.py
@@ -0,0 +1,14 @@
+import sys
+import pickle
+import numpy as np
+
+if __name__ == '__main__':
+
+    
+    a = np.arange(100)
+    
+    for i in range(a.shape[0]-1):
+        a[i] = a[i+1]
+    a_1=a
+    with open(snakemake.output[0], 'wb') as out_file:
+        pickle.dump(a_1, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_4.py b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_4.py
new file mode 100644
index 0000000000000000000000000000000000000000..47be6fb6890f30db1b307c469566dd21ef2e40d0
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_4.py
@@ -0,0 +1,18 @@
+import sys
+import pickle
+import pandas as pd
+
+if __name__ == '__main__':
+
+    
+    data = pd.read_csv(snakemake.input[0])
+    
+    ghostDF = data[data['against_ghost']>=1.0]
+    
+    for index, row in data.iterrows():
+        row['against_electric'] += 0.1
+    data_1=data
+    
+    data_1.to_csv(snakemake.output[0])
+    with open(snakemake.output[1], 'wb') as out_file:
+        pickle.dump(ghostDF, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_6.py b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_6.py
new file mode 100644
index 0000000000000000000000000000000000000000..a6be32f67910eb98066b772867dad5a7a40a2440
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_6.py
@@ -0,0 +1,20 @@
+import sys
+import pickle
+import numpy as np
+import pandas as pd
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        a_1 = pickle.load(in_file)
+    with open(snakemake.input[1], 'rb') as in_file:
+        ghostDF = pickle.load(in_file)
+    
+    ghostDF["against_ghost"].apply(np.cumsum)
+    ghostDF_1=ghostDF
+    
+    pd.DataFrame(a_1).to_csv(snakemake.output[0])
+    
+    ghostDF_1.to_csv(snakemake.output[1])
+    with open(snakemake.output[2], 'wb') as out_file:
+        pickle.dump(ghostDF_1, out_file)
diff --git a/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_9.py b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_9.py
new file mode 100644
index 0000000000000000000000000000000000000000..7b966c547955cfcf9eef15b1de046f69a1fc9c15
--- /dev/null
+++ b/Main/AST-Processing/Sample-Workflows/small_demo_workflow/scripts/rule_9.py
@@ -0,0 +1,13 @@
+import sys
+import pickle
+import matplotlib.pyplot as plt
+import seaborn as sns
+import pandas as pd
+from funcs.functions import save_correlation_map
+
+if __name__ == '__main__':
+
+    with open(snakemake.input[0], 'rb') as in_file:
+        ghostDF_1 = pickle.load(in_file)
+    
+    save_correlation_map(ghostDF_1)
diff --git a/Main/AST-Processing/Utils/Dynamic-Annotation/globals.py b/Main/AST-Processing/Utils/Dynamic-Annotation/globals.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/Main/AST-Processing/Utils/Dynamic-Annotation/run_annotator.sh b/Main/AST-Processing/Utils/Dynamic-Annotation/run_annotator.sh
index 60030e926ec1e768d65056ee649d9a707ef61f9d..8a3eb0997297057b0e5456fa1c799acc78a4e970 100755
--- a/Main/AST-Processing/Utils/Dynamic-Annotation/run_annotator.sh
+++ b/Main/AST-Processing/Utils/Dynamic-Annotation/run_annotator.sh
@@ -2,4 +2,5 @@
 
 cd ../../../../$1
 python ../Main/AST-Processing/Utils/Dynamic-Annotation/runtime.py
-python ../Main/AST-Processing/Utils/Dynamic-Annotation/datatype.py
\ No newline at end of file
+python ../Main/AST-Processing/Utils/Dynamic-Annotation/datatype.py
+python ../Main/AST-Processing/Utils/Dynamic-Annotation/datasize.py
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/annotation_strings.py b/Main/AST-Processing/Utils/annotation_strings.py
new file mode 100644
index 0000000000000000000000000000000000000000..d75a29b271b939dadaa683cd37c8609b84f98906
--- /dev/null
+++ b/Main/AST-Processing/Utils/annotation_strings.py
@@ -0,0 +1,58 @@
+# <--- Code snippets to be inserted for code instrumentation --->
+
+saveRuntimeCode = """
+with open(r'../Main/AST-Processing/Utils/Dynamic-Annotation/runtimes.txt', 'w') as fp:
+    for item in runtimes:
+        item = str(item)
+        fp.write('%s\\n' % item)
+"""
+
+fileDataTypeInput = """
+try:
+    datatypes.append([{id}, 'i', '{input}', type('{input}')])
+except:
+    datatypes.append([{id}, 'i', '{input}', ''])
+"""
+
+variableDataTypeInput = """
+try:
+    datatypes.append([{id}, 'i', '{input}', type({input})])
+except:
+    datatypes.append([{id}, 'i', '{input}', ''])
+"""
+
+fileDataTypeOutput = """
+try:
+    datatypes.append([{id}, 'o', '{output}', type('{output}')])
+except:
+    datatypes.append([{id}, 'o', '{output}', ''])
+"""
+
+variableDataTypeOutput = """
+try:
+    datatypes.append([{id}, 'o', '{output}', type({output})])
+except:
+    datatypes.append([{id}, 'o', '{output}', ''])
+"""
+
+saveDataTypeCode = """
+with open(r'../Main/AST-Processing/Utils/Dynamic-Annotation/datatypes.txt', 'w') as fp:
+    for item in datatypes:
+        item = str(item)
+        fp.write('%s\\n' % item)
+"""
+
+saveDataSizeCode = """
+with open(r'../Main/AST-Processing/Utils/Dynamic-Annotation/datasizes.txt', 'w') as fp:
+    for item in datasizes:
+        item = str(item)
+        fp.write('%s\\n' % item)
+"""
+
+variableDataSizeInput = "datasizes.append([{id}, 'i', '{input}', sys.getsizeof({input})])"
+
+fileDataSizeInput = "datasizes.append([{id}, 'i', '{input}', sys.getsizeof('{input}')])"
+
+variableDataSizeOutput = "datasizes.append([{id}, 'o', '{output}', sys.getsizeof({output})])"
+
+fileDataSizeOutput = "datasizes.append([{id}, 'o', '{output}', sys.getsizeof('{output}')])"
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/annotation_utils.py b/Main/AST-Processing/Utils/annotation_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..3f0392c5a1d10857869ba94a337a0aca6b0f9c21
--- /dev/null
+++ b/Main/AST-Processing/Utils/annotation_utils.py
@@ -0,0 +1,31 @@
+# <--- functions to collect information from lists as strings --->
+
+def collect_time(l):
+    """
+    Return id and runtime stored in string of form '[id, time]'.
+    """
+    id = int(l.split(',')[0][1:])
+    time = float(l.split(',')[1][:-2])
+    return id, time
+
+def collect_datatypes(l):
+    """ 
+    Return id, data name and datatype/module name of string '[id, io, name, type.__name__']. 
+    """
+    id = int(l.split(',')[0][1:])
+    io = l.split(',')[1][2:-1]
+    name = l.split(',')[2][2:-1]
+    typ = l.split(',')[3].split('\'')[1]
+    datatype = typ.split('.')[-1]
+    library = typ.split('.')[0]
+    return id, io, name, datatype, library
+
+def collect_datasize(l):
+    """ 
+    Return id, data name and datasize of string '[id, io, name, size]'. 
+    """
+    id = int(l.split(',')[0][1:])
+    io = l.split(',')[1][2:-1]
+    name = l.split(',')[2][2:-1]
+    size = int(l.split(',')[3][:-2])
+    return id, io, name, size
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/file_utils.py b/Main/AST-Processing/Utils/file_utils.py
index 79703bdfb85a949f27de627eadf7e14a68e2edb7..12daaa81704491d4f1bdd89e90f817e5fd760e19 100644
--- a/Main/AST-Processing/Utils/file_utils.py
+++ b/Main/AST-Processing/Utils/file_utils.py
@@ -23,4 +23,12 @@ def get_foldername(filename):
     parts = filename.split("/")
     importantParts = [p for p in parts[:-1] if p != ".."]
     foldername = "/".join(importantParts)
-    return foldername
\ No newline at end of file
+    return foldername
+
+def get_dictionaries_from_file(filename):
+    """
+    Read dictionaries from JSON.
+    """
+    with open(filename) as json_file:
+        data = json.load(json_file)
+    return data
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/function_utils.py b/Main/AST-Processing/Utils/function_utils.py
index f33f06dce4ab7447842ba282bf4b65fc5489b6c2..20884c61d602b5716f1778071790ccc57cddd0e4 100644
--- a/Main/AST-Processing/Utils/function_utils.py
+++ b/Main/AST-Processing/Utils/function_utils.py
@@ -25,7 +25,6 @@ def build_handler(name, vars, deps):
     handler["name"] = name
     handler["vars"] = vars
     handler["deps"] = deps
-    print("handler ", handler)
     return handler
 
 def get_func_caller(callNode):
diff --git a/Main/AST-Processing/Utils/modularization_utils.py b/Main/AST-Processing/Utils/modularization_utils.py
index 1d4461e20020b2bc19fc4634e6a079a48c725077..362e2328d586aac8a704eb251d3d6c89b222c69c 100644
--- a/Main/AST-Processing/Utils/modularization_utils.py
+++ b/Main/AST-Processing/Utils/modularization_utils.py
@@ -1,10 +1,134 @@
 # <--- functions to handle node merging within graph --->
 
-max_runtime = 100
-max_codelines = 10
+from . import function_utils
+
+# <--- graph preparation --->
+
+def get_successor_nodes(Graph, parentID):
+    """
+    Gets successor node dictionaries.
+    """
+    successorIDs = list(Graph.successors(parentID))
+    successorNodes = [Graph.nodes[ID] for ID in successorIDs]
+    return successorNodes
+
+def get_node_inputs(nodes):
+    """
+    Returns list of all inputs from nodes.
+    """
+    inputs = list()
+    for node in nodes:
+        inputs += node["input"]
+    return inputs
+
+def delete_unnecessary_outputs(Graph):
+    """
+    Deletes all node outputs that are not needed by another node, and that are not files.
+    """
+    for ID in Graph.nodes:
+        successors = get_successor_nodes(Graph, ID)
+        successorsInputs = get_node_inputs(successors)
+        for output in Graph.nodes[ID]["output"]:
+            if not output in successorsInputs:
+                if not function_utils.is_file(output[0]):
+                    Graph.nodes[ID]["output"].remove(output)
+
+def sum_run(Graph):
+    """
+    Sum over execution time of all Graph nodes.
+    """
+    run = 0
+    for ID in Graph.nodes:
+        run += Graph.nodes[ID]["runtime"]
+    return run
+
+def sum_size(Graph):
+    """
+    Sum over output size of all Graph nodes in byte.
+    """
+    size = 0
+    for ID in Graph.nodes:
+        for output in Graph.nodes[ID]["output"]:
+            size += output[2]
+    return size
+
+def to_child(Graph, a, b):
+    """
+    Reassigns a and b so that b is child of a or None is returned.
+    """
+    # a is child of b
+    if a in list(Graph.successors(b)):
+        return b, a
+    # b is child of a
+    if b in list(Graph.successors(a)):
+        return a, b
+    # neither is child of other
+    return None, None
 
 # <--- merging two dictionaries --->
 
+def get_needed_inputs(Graph, a, b):
+    """
+    When Merging nodes (a,b), we want to discard inputs that are either output of a or b.
+    """
+    nodeA = Graph.nodes[a]
+    nodeB = Graph.nodes[b]
+    
+    needed_inputs = list()
+    other_b_ins = [i for i in nodeB["input"] if i not in nodeA["output"]]
+    other_a_ins = [i for i in nodeA["input"] if i not in nodeB["output"]]
+    needed_inputs = other_b_ins
+    for i in other_a_ins:
+        if i not in needed_inputs:
+            needed_inputs.append(i)
+            
+    return needed_inputs
+
+def get_needed_outputs(Graph, a, b):
+    """
+    When Merging nodes (a,b), we only want to keep outputs that are still needed by other nodes.
+    """
+    still_needed_outputs = list()
+    nodeA = Graph.nodes[a]
+    nodeB = Graph.nodes[b]
+    still_needed_outputs = [o for o in nodeA["output"] if function_utils.is_file(o[0])] + [o for o in nodeB["output"] if function_utils.is_file(o[0])]
+    
+    a_succs = list(Graph.successors(a))
+    a_other_children = [child for child in a_succs if child != b]
+    b_succs = list(Graph.successors(b))
+    b_other_children = [child for child in b_succs if child != a]
+    
+    # collect the inputs of children of a and b
+    possible_outputs = list()
+    for succ in a_other_children + b_other_children:
+        nodeSucc = Graph.nodes[succ]
+        for i in nodeSucc["input"]:
+            possible_outputs.append(i)
+    
+    # check if a or b contribute to the inputs collected above
+    # if yes: these outputs should not be discarded while merging (a,b)
+    for o in possible_outputs:
+        if o in nodeA["output"] or o in nodeB["output"]:
+            if o not in still_needed_outputs:
+                still_needed_outputs.append(o)
+                
+    return still_needed_outputs
+
+def merge_nodes_real(a,b, needed_inputs, needed_outputs):
+    """
+    Returns new node containing information from two original nodes.
+    """
+    node = {"id":[], "type":"", "input":[], "output":[], "dependencies":[], "code":"", "runtime":0}
+    node["id"] = a["id"]
+    #node["type"] = a["type"] + ", " + b["type"]
+    node["input"] = needed_inputs
+    node["output"] = needed_outputs
+    node["dependencies"] = list(set(a["dependencies"] + b["dependencies"]))
+    node["code"] = a["code"] + "\n\n" + b["code"]
+    node["runtime"] = a["runtime"] + b["runtime"]
+    
+    return node
+
 def merge_nodes(a,b):
     """
     Returns new node containing information from two original nodes.
@@ -21,54 +145,25 @@ def merge_nodes(a,b):
     
     return node
 
-def num_of_codelines(code):
-    return len(code.split('\n'))
+# <--- Similarity --->
 
-def can_be_merged(a,b, kind="ignoreLoops"):
+def find_max_sim(simMatrix):
     """
-    Returns whether two nodes may be merged according to specific criteria.
+    Find maximum similarity lower than limit and index of this entry.
     """
-    # ToDo: merge anyways if node contains single serialization
-    # --- Don't merge if: ---
-    # runtime exceeds threshold
-    if a["runtime"] + b["runtime"] > max_runtime:
-        return False
-    # number of codelines exceeds theshold
-    if num_of_codelines(a["code"]) + num_of_codelines(b["code"]) > max_codelines:
-        return False
-    # don't merge loop nodes
-    if kind != "ignoreLoops" and (a["type"] == "For" or b["type"] == "For"):
-        return False
-
-    return True
+    maxSim = 0
+    maxI = -1
+    maxJ = -1
+    for i in range(0,len(simMatrix)):
+        for j in range(i,len(simMatrix)):
+            if simMatrix[i][j] >= maxSim:
+                maxSim = simMatrix[i][j]
+                maxI = i
+                maxJ = j
+    return maxSim, maxI, maxJ
 
 # <--- node information --->
 
-def has_single_connection(graph, node, successors):
-    """
-    Returns whether or not a node x has no siblings and only a single child node.
-    """    
-    # check number of children
-    if len(successors) != 1:
-        if not is_deserialization(node):
-            return False
-    else:
-        child = successors[0]
-        preds = list(graph.predecessors(child))
-        if len(preds) != 1:
-            return False
-
-    return True
-
-def is_deserialization(node):
-    """
-    Returns True if node x contains a single line of code reading a file.
-    """
-    if num_of_codelines(node["code"]) != 1:
-        return False
-    for input in node["input"]:
-        if input[1] == "file":
-            for output in node["output"]:
-                if output[1] != "file":
-                    return True
-    return False
\ No newline at end of file
+def get_node_LOC(dictionary):
+    # LOC per node
+    return len(dictionary["code"].split('\n'))
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/param_utils.py b/Main/AST-Processing/Utils/param_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..944edd99ea2941a9ff2fd42a2b070f382152a80c
--- /dev/null
+++ b/Main/AST-Processing/Utils/param_utils.py
@@ -0,0 +1,26 @@
+# <--- functions to take user input arguments for modularization --->
+
+import argparse
+
+def setup_parser():
+    """
+    Argparsing for modularization parameters.
+    """
+    parser = argparse.ArgumentParser(description="Parameter tuning for modularization")
+    parser.add_argument('-f', default=None, action='store', help="Specify json file from which graph should be built.")
+    parser.add_argument('-t', default="thorough", choices=['topological', 'thorough'], action='store', help="Specify type of modularization algorithm.")
+    parser.add_argument('-i', default=1000, action='store', type=int, help="Specify maximum number of iterations.")
+    parser.add_argument('-w', default=[1,1,1,1], nargs='+', type=int, action='store', help="Specify 4 non-negative weights to be used for modularization. Example: -w 1 1 1 1")
+    parser.add_argument('-LOC', default=-1, action='store', type=int, help="Specify non-negative limit for lines of code per final node.")
+    parser.add_argument('-RUN', default=-1, action='store', type=int, help="Specify non-negative limit for runtime per final node.")
+    parser.add_argument('-DATA', default=-1, action='store', type=int, help="Specify non-negative limit for inputs/outputs per final node.")
+    return parser
+
+def setup_args(parser, sysargs):
+    """
+    Process system call arguments.
+    """
+    rawArgs = list()
+    if len(sysargs) > 2:
+        rawArgs = sysargs[2:]
+    return parser.parse_args(rawArgs)
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/rename_utils.py b/Main/AST-Processing/Utils/rename_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..8a7d27861385e80dfb2f06ba11709d0f37d72972
--- /dev/null
+++ b/Main/AST-Processing/Utils/rename_utils.py
@@ -0,0 +1,18 @@
+# <--- functions for replacing variable names --->
+
+import re
+
+def rename_code(code, prevName, newName):
+    """
+    Replaces only whole word occurences of prevName with newName in code.
+    """
+    newCode = re.sub(r"\b{}\b".format(prevName), newName, code)
+    return newCode
+
+def add_code(code, prevName, newName):
+    """
+    Adds assignment to track new output name has been created in code.
+    """
+    newCode = code +"\n"
+    newCode = newCode + newName + "=" + prevName
+    return newCode
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/topology_utils.py b/Main/AST-Processing/Utils/topology_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..f87ba870aa3d7e329520df1b4aface54ae5efd01
--- /dev/null
+++ b/Main/AST-Processing/Utils/topology_utils.py
@@ -0,0 +1,44 @@
+# <--- functions for topological ordering --->
+
+import networkx as nx
+
+def get_order(dictionaries):
+    """
+    Returns list of node ids in order of presence in source code.
+    """
+    order = list()
+    for d in dictionaries:
+        order.append(d["id"])
+    return order
+
+def get_random_order(Graph):
+    """
+    Returns depth-first topological order.
+    """
+    return list(nx.topological_sort(Graph))
+
+def update_order(order, index, val):
+    """
+    Track which nodes in topological order have been merged.
+    """
+    oldVal = order[index+1]
+    i = index+1
+    while i < len(order) and order[i] == oldVal:
+        order[i] = val
+        i += 1
+    return order
+
+# <--- maximum similarity --->
+
+def find_max_sim_top(simMatrix):
+    """
+    Find maximum similarity in list, smaller than limit
+    """
+    maxSim = 0
+    index = -1
+    for i in range(0, len(simMatrix)):
+        sim = simMatrix[i]
+        if sim >= maxSim:
+            maxSim = sim
+            index = i
+    return index, maxSim
\ No newline at end of file
diff --git a/Main/AST-Processing/Utils/workflow_utils.py b/Main/AST-Processing/Utils/workflow_utils.py
index f5c87a7413e4255bb5396ac3195cf780035dbc73..718ffd83c3fbaec959d5daacfc27607bb8cbd567 100644
--- a/Main/AST-Processing/Utils/workflow_utils.py
+++ b/Main/AST-Processing/Utils/workflow_utils.py
@@ -1,5 +1,7 @@
 # <--- functions to edit and save text for rule and script creation --->
 
+from . import function_utils
+
 def add_indents(s):
     """ 
     Adds tab space in front of each line in string s. 
@@ -9,103 +11,121 @@ def add_indents(s):
         s2 = s2 + "    " + line + "\n"
     return s2
 
-def build_shell_command(name, node):
-    """ 
-    Builds shell call to python script. 
-    """
-    shellText = "python ./{scriptname} ".format(scriptname=name)
-    if len(node["input"]) != 0:
-        shellText += "{input} "
-    if len(node["output"]) != 0:
-        shellText += "{output}"
-    return shellText
+# <--- Serialization --->
 
-def get_rule_name(node):
-    return "rule_" + str(node["id"])
+ser_string = """with open({output}, 'wb') as out_file:
+    pickle.dump({rawOutput}, out_file)\n"""
 
-def get_script_name(node, component):
-    if component == 0:
-        return "Scripts/" + get_rule_name(node) + ".py"
-    else:
-        return "Subworkflow_" + str(component) + "/Scripts/" + get_rule_name(node) + ".py"
+deser_string = """with open({input}, 'rb') as in_file:
+    {rawInput} = pickle.load(in_file)\n"""
 
-def save_script(node, scriptCode, component):
-    """ 
-    Creates script name and saves script. 
+def names_to_serialized(names):
     """
-    scriptName = "Workflow/" + get_script_name(node, component)
-    with open(scriptName, 'w') as fp:
-        fp.write(scriptCode)
+    Creates filename for each variable.
+    """
+    serNames = list()
+    for name in names:
+        if function_utils.is_file(name):
+            serNames.append("data/" + name)
+        else:
+            serNames.append("data/" + name + ".pkl")
+    return serNames
 
-def create_main_call(node):
-    """ 
-    Creates main function call text. 
-    """
-    # replace input and output values in operator
-    operator = node["code"]
-    # replace all " with '
-    operator = operator.replace("\"", "'")
-    if len(node["input"]) != 0:
-        operator = operator.replace("'" + node["input"][0][0] + "'", "input")
-    if len(node["output"]) != 0:
-        operator = operator.replace("'" + node["output"][0][0] + "'", "output")
-
-    # add indents
-    operator = add_indents(operator)
-    return operator
-
-def create_main(node):
+# <--- Rule creation --->
+
+def create_rule(dictionary):
+    """
+    Build Snakemake rule.
+    """
+    ruleName = "rule_" + str(dictionary["id"])
+    ruleText = ""
+    inputs = [i[0] for i in dictionary["input"]]
+    outputs = [o[0] for o in dictionary["output"]]
+    inputs = str(names_to_serialized(inputs))[1:-1]
+    outputs = str(names_to_serialized(outputs))[1:-1]
+    script = "../scripts/{}.py".format(ruleName)
+    
+    ruleText = "rule " + ruleName + ":\n"
+    ruleText = ruleText + "    " + "input: " + inputs + "\n"
+    ruleText = ruleText + "    " + "output: " + outputs + "\n"
+    ruleText = ruleText + "    " + "script: " + "'" + script + "'\n\n"
+    
+    return ruleText
+
+# <--- Script creation --->
+
+def create_main_beginning(dictionary):
     """ 
     Prepares core section of script. 
     """
     text = "\nif __name__ == '__main__':\n\n"
-
-    # define input and output
-    if len(node["input"]) != 0:
-        text += "    input = sys.argv[1]\n"
-    if len(node["output"]) != 0:
-        text += "    output = sys.argv[2]\n"
-    text += "\n"
-
-    text += create_main_call(node)
     return text
 
-def build_rule_text(node, component):
-    """ 
-    Creates standard Snakemake rule text. 
+def prep_names(data):
     """
-    ruleName = get_rule_name(node)
-    ruleText = "rule " + ruleName + ":\n"
-    ruleText = ruleText + "    " + "input: " 
-    if len(node["input"]) != 0:
-        ruleText = ruleText + "'" + node["input"][0][0] + "'" + "\n"
-    else:
-        ruleText += "\n"
-    ruleText = ruleText + "    " + "output: "
-    if len(node["output"]) != 0:
-        ruleText = ruleText + "'" + node["output"][0][0] + "'" + "\n"
-    else:
-        ruleText += "\n"
-
-    ruleText = ruleText + "    " + "shell: \n"
-    ruleText = ruleText + "        " + "'" + build_shell_command(get_script_name(node, component), node) + "'"
-    ruleText += "\n"
-
-    return ruleText
+    Prepare inputs/outputs for script creation.
+    """
+    names = list()
+    files = list()
+    for i in range(0, len(data)):
+        inputName = data[i][0]
+        if function_utils.is_file(inputName):
+            files.append((inputName,i))
+        else:
+            names.append((inputName, i))
+    return names, files
+
+def deserialize_inputs(dictionary):
+    """
+    Add pickle deserialization for all input variables.
+    """    
+    deserializations = ""
+    names, files = prep_names(dictionary["input"])
+    for pair in names:
+        deserializations += deser_string.format(input='snakemake.input[{}]'.format(pair[1]), rawInput=pair[0])
+    return deserializations, files
+
+def serialize_outputs(dictionary):
+    """
+    Add pickle serialization for all output variables.
+    """    
+    serializations = ""
+    names, files = prep_names(dictionary["output"])
 
-# <--- find weak component --->
+    for pair in names:
+        serializations += ser_string.format(output='snakemake.output[{}]'.format(pair[1]), rawOutput=pair[0])
+    return serializations, files
 
-def get_component(components, num):
-    for i in range(0, len(components)):
-        if num in components[i]:
-            return i
-    return 0
+def file_replaced_code(code, infiles, outfiles):
+    """
+    Replace input/output files in code.
+    """
+    for f in infiles:
+        code = code.replace('\"' + f[0] + '\"', 'snakemake.input[{}]'.format(f[1]))
+        code = code.replace('\'' + f[0] + '\'', 'snakemake.input[{}]'.format(f[1]))
+    for f in outfiles:
+        code = code.replace('\"' + f[0] + '\"', 'snakemake.output[{}]'.format(f[1]))
+        code = code.replace('\'' + f[0] + '\'', 'snakemake.output[{}]'.format(f[1]))
+    return code
+
+def create_main_content(dictionary):
+    """
+    Builds inner main call of script.
+    """
+    text1, files1 = deserialize_inputs(dictionary)
+    text2, files2= serialize_outputs(dictionary)
+    text3 = file_replaced_code(dictionary["code"], files1, files2)
+    text = text1 + "\n" + text3 + "\n" + text2
+    text = add_indents(text)
+    return text
 
-# <--- dataframe converting tools --->
+# <--- functionDef tools --->
 
-def convert_dataframe(outputName, outputType):
-    # ToDo: get translation to different datatypes
-    code = ""
-    if outputType == "ndarray":
-        code = outputName + ".to_numpy()\n"
-    return code
\ No newline at end of file
+def get_func_deps(name, handlers):
+    """
+    Finds right dependencies for functionDef.
+    """
+    for h in handlers:
+        if h["name"] == name:
+            return set(h["deps"])
+    return set()
\ No newline at end of file
diff --git a/Main/AST-Processing/graph_generation.py b/Main/AST-Processing/graph_generation.py
index 04b118c4d531fca98b802f4b733e0dfb3c56f618..3d27324fd257aac28c0e0e95a0fbf141bc6836af 100644
--- a/Main/AST-Processing/graph_generation.py
+++ b/Main/AST-Processing/graph_generation.py
@@ -4,6 +4,8 @@ import networkx as nx
 from networkx.drawing.nx_agraph import to_agraph
 import pygraphviz as pgv
 import copy
+from Utils.file_utils import save_dict_to_file
+from Utils.rename_utils import rename_code, add_code
 
 
 class OperatorGraph(AnnotatedOperators):
@@ -19,13 +21,18 @@ class OperatorGraph(AnnotatedOperators):
         print("> Annotating operators with dynamic information...")
         self.create_runtime_file()
         self.create_datatype_file()
+        self.create_datasize_file()
         self.run_annotator()
         self.collect_runtimes()
         self.collect_datatypes()
+        self.collect_datasizes()
+        self.discard_special_types()
 
     def __init__(self, filename):
         super().__init__(filename)
         self.build_annotated_operators()
+        self.sticky_artefacts()
+        self.relevantDictionaries = self.stickyArtefacts
         self.renamedDictionaries = copy.deepcopy(self.relevantDictionaries)
         self.finalDictionaries = list()
         self.Graph = nx.DiGraph()
@@ -43,41 +50,70 @@ class OperatorGraph(AnnotatedOperators):
                 dependencies=node["dependencies"], code=node["code"], runtime=node["runtime"]))
 
     def display_graph(self, filename):
+        """
+        Saves graph as image.
+        """
         A = to_agraph(self.Graph)
         A.layout('dot')
         A.draw(filename)
 
-    # <--- rename variables to display data provenance --->
+    # <--- rename variables to display data provenance --->)
 
     def rename_dictionaries(self):
-        """ Iterates over dictionaries and changes variable names to track data changing. """
+        """ 
+        Iterates over dictionaries and changes variable names to track data changing. 
+        Variable names are replaced in code heuristically, but there is no guarantee the replacement
+        is accurate! Manual corrections have to be made in in the respective JSON file.
+        """
         varTracker = dict()
         for d in self.renamedDictionaries:
+            replacements = list()
             for i in d["input"]:
                 inputName = i[0]
                 # check if input references data that has already been changed previously
                 if inputName in varTracker:
                     if varTracker[inputName] != 0:
                         i[0] = inputName + "_" + str(varTracker[inputName])
-            # check if input name is also output name
+                        # replace in code
+                        replacements.append([inputName, i[0]])
             for o in d["output"]:
                 outputName = o[0]
                 if outputName in varTracker:
                     varTracker[outputName] += 1
                     o[0] = o[0] + "_" + str(varTracker[o[0]])
+                    # replace in code
+                    d["code"] = add_code(d["code"], outputName, o[0])
                 else:
                     varTracker[outputName] = 0
+            for pair in replacements:
+                d["code"] = rename_code(d["code"], pair[0], pair[1])
 
     # <--- build networkx graph --->
 
     def build_nodes(self):
-        """ Add nodes to graph. Each node saves a dictionary it represents. """
-        for d in self.relevantDictionaries:
+        """ 
+        Add nodes to graph. Each node saves a dictionary it represents. 
+        """
+        for d in self.renamedDictionaries:
             self.Graph.add_nodes_from([(d["id"], d)])
 
+    @staticmethod
+    def add_label(edgeLabels, edge, data):
+        """
+        Adds shared data name to edge labels.
+        """
+        if edge in edgeLabels.keys():
+            edgeLabels[edge] += ", " + data
+        else:
+            edgeLabels[edge] = data
+        return edgeLabels    
+
     def find_edges(self):
-        """ Match inputs and outputs of renamed dictionaries to find edges."""
+        """ 
+        Match inputs and outputs of renamed dictionaries to find edges.
+        """
         edges = list()
+        edgelabels = dict()
         for d in self.renamedDictionaries:
             # search for outgoing edges of operator
             for output in d["output"]:
@@ -85,36 +121,50 @@ class OperatorGraph(AnnotatedOperators):
                     for input in d2["input"]:
                         # add edge if data is passed between two dictionaries
                         if output[0] == input[0]:
-                            edges.append((d["id"],d2["id"]))
+                            edge = (d["id"],d2["id"])
+                            edges.append(edge)
+                            edgelabels = self.add_label(edgelabels, edge, output[0])
                             break
-        return edges
+        return edges, edgelabels
+
+    def add_labeled_edge(self, edge, edgelabels):
+        label = edgelabels[edge]
+        self.Graph.add_edges_from([edge], label=label)
 
     def build_edges(self):
-        """ Adds edges to graph. """
-        edges = self.find_edges()
-        self.Graph.add_edges_from(edges)
+        """ 
+        Adds edges to graph. 
+        """
+        edges, edgelabels = self.find_edges()
+        for edge in edges:
+            self.add_labeled_edge(edge, edgelabels)
 
     def build_graph(self):
-        """ Calls node and edge colleciton. """
+        """ 
+        Calls node and edge collection. 
+        """
         self.build_nodes()
         self.build_edges()
-
-    # <--- rebuild dictionaries from graph --->
     
-    def extract_dictionaries(self):
-        for i in range(0, len(self.Graph.nodes)):
-            node = list(self.Graph.nodes)[i]
-            self.finalDictionaries.append(self.Graph.nodes[node])
+    # <--- save dictionary to file --->
     
+    def save_renamed_dictionaries(self):
+        """
+        Saves renamed dictionaries to flat and indented file format.
+        """
+        file = "renamed_dictionaries.json"
+        data = self.renamedDictionaries
+        save_dict_to_file(data,file)
+
 # <--- Main --->
 
 def main():
     print("<<< COLLECTION OF OPERATORS GRAPH >>>\n\n")
     ops = OperatorGraph(sys.argv[1])
 
-    print("\n<--- Renamed dictionaries over relevant code artefacts --->\n")
+    #print("\n<--- Renamed dictionaries over relevant code artefacts --->\n")
     ops.rename_dictionaries()
-    ops.display_graph_dictionaries()
+    ops.save_renamed_dictionaries()
     ops.build_graph()
     print("\nSaving graph to Graphs/startingGraph.png...\n")
     ops.display_graph("Graphs/startingGraph.png")
diff --git a/Main/AST-Processing/graph_modularization.py b/Main/AST-Processing/graph_modularization.py
index d91097dd9c3deb495b7f3e3c85249fa496fd5d7d..287330d6aff925b60c6cd30dfb20acfefab6c7d0 100644
--- a/Main/AST-Processing/graph_modularization.py
+++ b/Main/AST-Processing/graph_modularization.py
@@ -1,7 +1,12 @@
 from graph_generation import OperatorGraph
-from Utils.modularization_utils import merge_nodes, can_be_merged, has_single_connection
+from Utils.modularization_utils import sum_run, sum_size, to_child, get_node_LOC, get_needed_inputs, get_needed_outputs, merge_nodes_real, find_max_sim
+from Utils.topology_utils import find_max_sim_top, get_order, update_order
+from Utils.file_utils import get_dictionaries_from_file
+from Utils.param_utils import setup_parser, setup_args
 import sys
 import networkx as nx
+from networkx.drawing.nx_agraph import to_agraph
+import argparse
 
 class Modularizer(OperatorGraph):
     """
@@ -14,96 +19,532 @@ class Modularizer(OperatorGraph):
     def build_operator_graph(self):
         print("> Building operator graph...")
         self.rename_dictionaries()
+        self.save_renamed_dictionaries()
         self.build_graph()
         self.display_graph("Graphs/startingGraph.png")
 
+    # get graph runtime normalization factor
+    def get_run_norm(self):
+        self.maxRuntime = sum_run(self.Graph)
+
+    # get graph datasize normalization factor
+    def get_size_norm(self):
+        self.maxDatasize = sum_size(self.Graph)
+
     # find weak components of nodes in graph
     def extract_components(self):
-        return [c for c in sorted(nx.weakly_connected_components(self.Graph), key=len, reverse=True)]
+        return [c for c in sorted(nx.weakly_connected_components(self.modGraph), key=len, reverse=True)]
+
+    # initialize modularization params according to args
+    def process_args(self, args):
+        weights = args.w
+        if len(weights) != 4:
+            self.weights = [1,1,1,1]
+        else:
+            self.weights = weights
+        self.modType = args.t
+        self.maxIters = args.i
+        self.RUNLim = args.RUN
+        self.LOCLim = args.LOC
+        self.DATALim = args.DATA
+
+    # decide whether to build from scratch or file
+    def init_graph(self, filename, jsonname):
+        if jsonname is None:
+            super().__init__(filename)
+            self.build_operator_graph()
+        else:
+            try:
+                self.renamedDictionaries = get_dictionaries_from_file(jsonname)
+            except:
+                sys.exit("JSON file does not exist.")
+            self.build_graph()
+            self.display_graph("Graphs/startingGraph.png")
+
+    def __init__(self, filename, args):
+        self.process_args(args)
+        self.Graph = nx.DiGraph()
+        self.finalDictionaries = list()
+        self.init_graph(filename, args.f)
+        self.modGraph = self.Graph.copy()
+        self.maxRuntime = None
+        self.maxDatasize = None
+        self.get_run_norm()
+        self.get_size_norm()
+
+    # <--- display final graph --->
 
-    def __init__(self, filename):
-        super().__init__(filename)
-        self.build_operator_graph()
-        self.components = self.extract_components()
+    def display_final_graph(self, filename):
+        A = to_agraph(self.modGraph)
+        A.layout('dot')
+        A.draw(filename)
 
-    # <--- replace old nodes in graph with new nodes --->
+    # <--- Graph updating after merge --->
 
-    def rename_edges(self, node, child):
-        """ Node and child will be merged, so we redirect their edges to this new node. """
-        # ToDo: Extend to non-single connections -> predecessors of children \ node, successors \ child
-        # redirect ingoing edges to new node
-        preds = list(self.Graph.predecessors(node))
+    def redirect_edges(self, a, b):
+        """
+        Merging node b into a: we have to redirect all in-/out-edges of b to a.
+        """
+        # redirect b ingoing edges
+        preds = list(self.modGraph.predecessors(b))
         for pred in preds:
-            self.Graph.add_edge(pred,-1)
-        # redirect outgoing edges of child to new node
-        outs = list(self.Graph.successors(child))
+            if pred != a:
+                self.modGraph.add_edge(pred,a)
+            
+        # redirect b outgoing edges
+        outs = list(self.modGraph.successors(b))
         for out in outs:
-            self.Graph.add_edge(-1,out)
-
-    def sort_graph(self):
-        """ Sort graph nodes by id. """
-        H = nx.DiGraph()
-        H.add_nodes_from(sorted(self.Graph.nodes(data=True)))
-        H.add_edges_from(self.Graph.edges(data=True))
-        self.Graph = H
+            if out != a:
+                self.modGraph.add_edge(a,out)
+
+    def update_graph(self, a, b, node):
+        """
+        Merge nodes a and b in Graph with node.
+        """
+        # replaces node a with merged node
+        attrs = {a: node}
+        nx.set_node_attributes(self.modGraph, attrs)
+        # redirects edges from b to a
+        self.redirect_edges(a, b)
+        # deletes b
+        self.modGraph.remove_node(b)
+
+    # <--- Similarity Calculation --->
+
+    def get_IO_dependency(self, a, b):
+        """
+        Find size of shared data between nodes a and b.
+        """
+        datasize = 0
+        # if a is not child of b or vice versa, they do not shared data
+        a, b = to_child(self.modGraph, a, b)
+        if a is None:
+            return 0
+        # else determine IO size
+        nodeA = self.modGraph.nodes[a]
+        nodeB = self.modGraph.nodes[b]
+        for o in nodeA["output"]:
+            for i in nodeB["input"]:
+                if o == i:
+                    datasize += i[2]
+        return datasize
+
+    def get_IO_similarity(self, a, b, weight):
+        """
+        Return normalized, weighted IO similarity.
+        """
+        datasize = self.get_IO_dependency(a, b)  
+        # norm datasize
+        datasize = datasize/self.maxDatasize
+        # sim func
+        similarity = weight*datasize
+        return similarity
+
+    def get_II_dependency(self, a, b):
+        """
+        Find size of similar input data between nodes a and b.
+        """
+        datasize = 0
+        # determine II size
+        nodeA = self.modGraph.nodes[a]
+        nodeB = self.modGraph.nodes[b]
+        for iA in nodeA["input"]:
+            for iB in nodeB["input"]:
+                if iA == iB:
+                    datasize += iB[2]
+        return datasize
+
+    def get_II_similarity(self, a, b, weight):
+        """
+        Return normalized, weighted II similarity.
+        """
+        # calculate common datasize
+        datasize = self.get_II_dependency(a, b)
+        # norm datasize
+        datasize = datasize/self.maxDatasize
+        # sim func
+        similarity = weight*datasize
+        return similarity
+
+    def impact_parallelism(self, a, b):
+        """
+        Finds out if merging a and b leads to other nodes having to wait longer before being ready.
+        """
+        # impact is either 0 or sum of runtimes of a and b
+        commonRuntime = self.modGraph.nodes[a]["runtime"] + self.modGraph.nodes[b]["runtime"]
+        
+        # Case 1: Parallelism is impacted if a is not child of b or vice versa
+        a, b = to_child(self.modGraph, a, b)
+        if a is None:
+            return commonRuntime
+
+        # --- Case 2: b is child of a ---
+        # Case 2.1: Parallelism is impacted if a has children apart from b 
+        # and those children are not descendants of b
+        successors = list(self.modGraph.successors(a))
+        numChild = len(successors)
+        if numChild > 1:
+            descendantsB = list(nx.descendants(self.modGraph, b))
+            otherChildren = [child for child in successors if child not in descendantsB and child != b]
+            if len(otherChildren) != 0:
+                return commonRuntime
+        # Case 2.2: Parallelism is impacted if b has parents apart from a 
+        # and those parents are not ascendants of a
+        predecessors = list(self.modGraph.predecessors(b))
+        numParents = len(predecessors)
+        if numParents > 1:
+            ascendantsA = list(nx.ancestors(self.modGraph, a))
+            otherParents = [parent for parent in predecessors if parent not in ascendantsA and parent != a]
+            if len(otherParents) != 0:
+                return commonRuntime
+        # otherwise no impact
+        return 0
+
+    def get_runtime_similarity(self, a, b, weight):
+        """
+        Return normalized, weighted RUN similarity.
+        """
+        runtime = self.impact_parallelism( a, b)
+        # norm runtime
+        runtime = runtime/self.maxRuntime
+        # sim func
+        similarity = weight*(1-runtime)
+        return similarity
+
+    def get_library_dependency(self, a, b):
+        """
+        Find number of common/uncommon library dependencies between a and b.
+        """
+        nodeA = self.modGraph.nodes[a]
+        nodeB = self.modGraph.nodes[b]
+        
+        commonElems = list(set(nodeA["dependencies"]).intersection(set(nodeB["dependencies"])))
+        numCommon = len(commonElems)
+        allElems = set(nodeA["dependencies"]) | set(nodeB["dependencies"])
+        numAll = len(allElems)
+
+        return numCommon, numAll
+
+    def get_library_similarity(self, a, b, weight):
+        """
+        Return normalized, weighted LIB similarity.
+        """
+        numCommon, numAll = self.get_library_dependency(a, b)
+        # if no libraries are needed at all, we just set the similarity to zero
+        if numAll == 0:
+            return 0
+        else:
+            similarity = weight*(numCommon/numAll)
+        return similarity
+
+    def similarity(self, a, b):
+        """
+        Sum all subsimilarity functions for a pair of nodes (a,b).
+        """
+        IO_sim= self.get_IO_similarity(a, b, self.weights[0])
+        II_sim = self.get_II_similarity(a, b, self.weights[1])
+        RUN_sim = self.get_runtime_similarity(a, b, self.weights[2])
+        LIB_sim = self.get_library_similarity(a, b, self.weights[3])
+        
+        similarity = (IO_sim + II_sim + RUN_sim + LIB_sim)/sum(self.weights)
+        return similarity
+
+    # <--- Static Metrics --->
+
+    def can_merge(self, a, b):
+        """
+        Decide whether merging a and b results in a node that exceeds static exclusion criteria.
+        """
+        nodeA = self.modGraph.nodes[a]
+        nodeB = self.modGraph.nodes[b]
+        
+        run = nodeA["runtime"] + nodeB["runtime"]
+        if self.RUNLim != -1 and run > self.RUNLim:
+            return False
+        LOC = get_node_LOC(nodeA) + get_node_LOC(nodeB)
+        if self.LOCLim != -1 and LOC > self.LOCLim:
+            return False
+        inputs = len(get_needed_inputs(self.modGraph, a, b))
+        outputs = len(get_needed_outputs(self.modGraph, a, b))
+        if self.DATALim != -1 and (inputs > self.DATALim or outputs > self.DATALim):
+            return False
+        return True
+
+    # <--- Topological Clustering --->
+
+    def similarity_list_builder(self, topologicalOrder):
+        """
+        Build list of similarities.
+        """
+        similarity_list = list()
+        # entry i represents pair of nodes at indexes [i, i+1]
+        for i in range(0, len(topologicalOrder)-1):
+            a = topologicalOrder[i]
+            b = topologicalOrder[i+1]
+            similarity_list.append(self.similarity(a, b))
+        return similarity_list
+
+    def update_similarity_top(self, simMatrix, simIndex, topologicalOrder):    
+        """
+        Set pairs that were merged to -1.
+        """
+        # update previously highest similarity to -1 upon merge
+        simMatrix[simIndex] = -1
+        # propagate -1 upon seeing it in a neighbour
+        for i in range(0, len(simMatrix)):
+            if simMatrix[i] != -1:
+                a = topologicalOrder[i]
+                b = topologicalOrder[i+1]
+                sim = self.similarity(a, b)
+                simMatrix[i] = sim           
+        return simMatrix
+
+    def next_merge_top(self, iteration, topologicalOrder, simMatrix):
+        """
+        Returns Graph, topologicalOrder, simMatrix, limit after each iteration. 
+        """
         
-    def update_graph(self, newNode, node, child):
-        """ Merges two nodes within graph. """
-        self.Graph.add_nodes_from([(-1, newNode)])
-        self.rename_edges(node, child)
-        self.Graph.remove_node(child)
-        self.Graph = nx.relabel_nodes(self.Graph, {-1:newNode["id"]})
-        self.sort_graph()
-
-    # <--- vertical merging: find parent and child nodes that can be merged
-
-    def vertical_merging(self):
-        # Repeat until no more merge possible
-        merge_happened = True
-        while(merge_happened):
-            merge_happened = False
-            # iterate all nodes of graph
-            i = -1
-            while(i < len(self.Graph.nodes) - 1):
-                i += 1
-                # get graph node
-                nodeID = list(self.Graph.nodes)[i]
-                node = self.Graph.nodes[nodeID]
-
-                # generate children
-                successors = list(self.Graph.successors(nodeID))
-                # in vertical merging, we only merge single connections
-                if not has_single_connection(self.Graph, node, successors):
-                    continue
-                for j in successors:
-                    childID = j
-                    child = self.Graph.nodes[childID]
-
-                    # merging
-                    if not can_be_merged(node, child):
-                        continue
-                    newNode = merge_nodes(node, child)
-                    self.update_graph(newNode, nodeID,childID)
-                self.Graph.remove_node(nodeID)
-
-                merge_happened = True                 
+        # get next best similarity
+        simIndex, sim = find_max_sim_top(simMatrix)
+        if simIndex == -1:
+            print("\nNo more sims")
+            return topologicalOrder, simMatrix, -1,
+        
+        # get two nodes supposed to merge
+        a = topologicalOrder[simIndex]
+        b = topologicalOrder[simIndex+1]
+        nodeA = self.modGraph.nodes[a]
+        nodeB = self.modGraph.nodes[b]
+        
+        # decide if acceptable
+        mergeable = self.can_merge(a, b)
+        if mergeable:
+            needed_input = get_needed_inputs(self.modGraph, a, b)
+            needed_output = get_needed_outputs(self.modGraph, a, b)
+            node = merge_nodes_real(nodeA, nodeB, needed_input, needed_output)
+            
+            # update topologicalOrder
+            topologicalOrder = update_order(topologicalOrder, simIndex, a)
+            # update graph
+            self.update_graph(a, b, node)
+            # update similarity
+            simMatrix = self.update_similarity_top(simMatrix, simIndex, topologicalOrder)
+        else:
+            simMatrix[simIndex] = -1
+            return self.next_merge_top(iteration, topologicalOrder, simMatrix)
+        return topologicalOrder, simMatrix, sim
+
+    def modularize_graph_top(self, maxIter, topologicalOrder, simMatrix):
+        """
+        Run maxIter iterations of topological clustering.
+        """
+        current_best_sim = 1
+        iterCount = 0
+        while(current_best_sim >= 0 and iterCount <= maxIter):
+            iterCount += 1
+            topologicalOrder, simMatrix, sim = self.next_merge_top(iterCount, topologicalOrder, simMatrix)
+            current_best_sim = sim
+        print("Modularization stopped. ")
+
+    def run_modularization_top(self):
+        """
+        Initializes topological ordering and similarities and runs topological clustering.
+        """
+        topology = get_order(self.renamedDictionaries)
+        simMatrix = self.similarity_list_builder(topology)
+        self.modularize_graph_top(self.maxIters, topology, simMatrix)
+
+    # <--- Thorough Clustering --->
+
+    def find_non_mergeable(self, node):
+        """
+        Find all nodes y, which are reachable from node x using a path (x,...,y) of length >= 3.
+        """
+        non_mergeable = set()
+        # for each other node find longest simple path
+        for otherNode in self.modGraph.nodes:
+            simplePaths = list(nx.all_simple_paths(self.modGraph, node, otherNode))
+            if len(simplePaths) == 0:
+                continue 
+            longestPath = max(simplePaths, key=lambda x: len(x))
+            # if at least one node between the two, can't merge
+            if len(longestPath) >= 3:
+                non_mergeable.add(otherNode)
+        return non_mergeable
+
+    def cycle_matrix_builder(self):
+        """
+        Creates matrix with entry [i,j] == 1 indicating nodes i and j can be merged without cycles.
+        """
+        num_nodes = len(self.modGraph.nodes)
+        matrix = [[0 for x in range(num_nodes)] for y in range(num_nodes)]
+        for i in range(0, num_nodes):
+            node = list(self.modGraph.nodes)[i]
+            non_mergeables = self.find_non_mergeable(node)
+            for j in range(0, num_nodes):
+                otherNode = list(self.modGraph.nodes)[j]
+                if j > i and otherNode not in non_mergeables:
+                    matrix[i][j] = 1
+                    matrix[j][i] = 1
+        return matrix
+
+    def cycle_matrix_updater(self, cycleMatrix, nodeIDs, mergedNodes):
+        """
+        Reconsider cyclic merges for all non-merged nodes.
+        """
+        num_nodes = len(cycleMatrix)
+        cycleMatrix = [[1 for x in range(num_nodes)] for y in range(num_nodes)]
+        for i in range(0, num_nodes):
+            node = nodeIDs[i]
+            if node not in mergedNodes:
+                non_mergeables = self.find_non_mergeable(node)
+                for j in range(0, num_nodes):
+                    otherNode = nodeIDs[j]
+                    if otherNode in non_mergeables:
+                        cycleMatrix[i][j] = 0
+                        cycleMatrix[j][i] = 0
+        return cycleMatrix
+
+    def similarity_matrix_builder(self, cycle_matrix):
+        """
+        Calculates the similarity between each pair of nodes.
+        Similarity is -1 if two nodes cannot be merged due to acyclic criteria.
+        """
+        num_nodes = len(self.modGraph.nodes)
+        similarity_matrix = [[-1 for x in range(num_nodes)] for y in range(num_nodes)]
+        # calculate similarity for each 1 in cycle matrix
+        for i in range(0, num_nodes):
+            for j in range(0, num_nodes):
+                if cycle_matrix[i][j] == 1:
+                    a = list(self.modGraph.nodes)[i]
+                    b = list(self.modGraph.nodes)[j]
+                    sim = self.similarity(a, b)
+                    similarity_matrix[i][j] = sim
+        return similarity_matrix
+
+    def matrices_updater(self, nodeIDs, mergedNodes, i, j, simMatrix, cycleMatrix):
+        """
+        Update similarity and cycle matrix after merging nodes i and j.
+        """
+        # set j row and column to 'unavailable' == -2
+        for i in range(0,len(simMatrix)):
+            simMatrix[j][i] = -2
+            simMatrix[i][j] = -2
+        # redo cycle analysis
+        cycleMatrix = self.cycle_matrix_updater(cycleMatrix, nodeIDs, mergedNodes)
+        # update all entries != -2
+        for i in range(0, len(simMatrix)):
+            node = nodeIDs[i]
+            if node not in mergedNodes: 
+                for j in range(0, len(simMatrix)):
+                    otherNode = nodeIDs[j]
+                    if j!=i and otherNode not in mergedNodes and simMatrix[i][j] != -2:
+                        # no cycles -> calculate similarity
+                        if cycleMatrix[i][j] == 1:
+                            simMatrix[i][j] = self.similarity(node, otherNode)
+                        # otherwise -> mark as cycle
+                        else:
+                            simMatrix[i][j] = -1 
+        return simMatrix, cycleMatrix
+
+    def decide_index(self, nodeIDs, i, j):
+        """
+        Return i and j where node at index j is child of node at index i.
+        """
+        a = nodeIDs[i]
+        b = nodeIDs[j]
+        if a in self.modGraph.successors(b):
+            return j,i
+        else: 
+            return i,j
+        
+
+    def next_merge(self, nodeIDs, mergedNodes, simMatrix, cycleMatrix):
+        """
+        Returns Graph, matrices, merged nodes after each iteration. 
+        """
+        # get next best similarity
+        sim, simI, simJ = find_max_sim(simMatrix)    
+        if simI <= -1:
+            print("\nNo more sims")
+            return simMatrix, cycleMatrix, mergedNodes, -1
+        simI, simJ = self.decide_index(nodeIDs, simI, simJ)
+        # get two nodes supposed to merge
+        a = nodeIDs[simI]
+        b = nodeIDs[simJ]
+        nodeA = self.modGraph.nodes[a]
+        nodeB = self.modGraph.nodes[b]
+        # decide if acceptable
+        mergeable = self.can_merge(a, b)
+        # if yes, update graph update simMatrix
+        if mergeable:
+            needed_input = get_needed_inputs(self.modGraph, a, b)
+            needed_output = get_needed_outputs(self.modGraph, a, b)
+            node = merge_nodes_real(nodeA, nodeB, needed_input, needed_output)
+            # update graph
+            self.update_graph(a, b, node)
+            mergedNodes = mergedNodes + [b]
+            # update similarity
+            simMatrix, cycleMatrix =  self.matrices_updater(nodeIDs, mergedNodes, simI, simJ, simMatrix, cycleMatrix)
+        # if not, repeat with similarity limit
+        else:
+            simMatrix[simI][simJ] = -2
+            simMatrix[simJ][simI] = -2
+            return self.next_merge(nodeIDs, mergedNodes, simMatrix, cycleMatrix)
+        
+        return simMatrix, cycleMatrix, mergedNodes, sim
+
+    def modularize_graph(self, maxIter, nodeIDs, mergedNodes, simMatrix, cycleMatrix):
+        """
+        Run certain number of clustering steps.
+        """
+        current_best_sim = 1
+        iterCount = 0
+        while(current_best_sim >= 0 and iterCount <= maxIter):
+            iterCount += 1
+            simMatrix, cycleMatrix, mergedNodes, sim = self.next_merge(nodeIDs, mergedNodes, simMatrix, cycleMatrix)
+            current_best_sim = sim
+        print("Modularization stopped. ")
+
+    def run_modularization(self):
+        """
+        Initializes cycleMatrix and simMatrix and runs thorough clustering.
+        """
+        cycleMatrix = self.cycle_matrix_builder()
+        simMatrix = self.similarity_matrix_builder(cycleMatrix)
+        mergedNodes = list()
+        nodeIDs = list(self.modGraph.nodes)
+        self.modularize_graph(self.maxIters, nodeIDs, mergedNodes, simMatrix, cycleMatrix)
+
+    # <--- rebuild dictionaries from graph --->
+    
+    def extract_dictionaries(self):
+        for i in range(0, len(self.modGraph.nodes)):
+            node = list(self.modGraph.nodes)[i]
+            self.finalDictionaries.append(self.modGraph.nodes[node])
 
 # <--- Main --->
 
 def main():
-    print("<<< MODULARIZATION OF OPERATORS GRAPH >>>\n\n")
-    ops = Modularizer(sys.argv[1])
+    print("<<< MODULARIZATION OF OPERATOR GRAPH >>>\n\n")
 
-    print("\nMerging nodes vertically...\n")
-    ops.vertical_merging()
-    print("\nSaving graph to Graphs/verticallyMergedGraph.png...\n")
-    ops.display_graph("Graphs/verticallyMergedGraph.png")
+    parser = setup_parser()
+    args = setup_args(parser, sys.argv)
+    ops = Modularizer(sys.argv[1], args)
+    
+    print("\nMerging nodes...\n")
+    if ops.modType == "topological":
+        ops.run_modularization_top()
+    else:
+        ops.run_modularization()
 
     print("\n<--- Operators after modularization --->\n")
     ops.extract_dictionaries()
-    ops.display_graph_dictionaries("finalDictionaries")
+    #ops.display_graph_dictionaries("finalDictionaries")
+    ops.display_final_graph("Graphs/finalGraph.png")
 
-    print("\nWeak components: ", ops.components)
+    components = ops.extract_components()
+    print("\nWeak components: ", components)
 
 if __name__ == "__main__":
     main()
\ No newline at end of file
diff --git a/Main/AST-Processing/operator_annotation.py b/Main/AST-Processing/operator_annotation.py
index 7ab09b5f1d54ffda7a4c9de0cc94b28af688d0a9..7df08ab74c642fc1251952e7a0445a3218a33f97 100644
--- a/Main/AST-Processing/operator_annotation.py
+++ b/Main/AST-Processing/operator_annotation.py
@@ -1,6 +1,8 @@
 from operator_generation import Operators
 from Utils.function_utils import is_file
 from Utils.file_utils import get_foldername
+from Utils.annotation_strings import *
+from Utils.annotation_utils import collect_time, collect_datatypes, collect_datasize
 import sys
 import os
 
@@ -15,10 +17,11 @@ class AnnotatedOperators(Operators):
     # build dictionaries using operator_generation functions
     def build_operators(self):
         print("> Building operators with static information from AST...")
+        self.get_function_handlers()
         self.process_relevant_artefacts()
-        self.remove_duplicates()
         self.remove_funcNames()
         self.redirect_import_dependencies()
+        self.remove_duplicates()
         self.sticky_artefacts()
 
     # get caller arguments
@@ -29,43 +32,44 @@ class AnnotatedOperators(Operators):
     def __init__(self, filename):
         super().__init__(filename)
         self.build_operators()
-        # Todo: Extract this from filename
         self.folderName = get_foldername(filename)
         self.callerArgs = ""
-        self.relevantDictionaries = self.stickyArtefacts
 
     # <--- code instrumentation for runtime --->
 
     def create_runtime_file(self):
-        """ Instruments source code in file runtime.py, which collects runtime for each artefact. """
+        """ 
+        Instruments source code in file runtime.py which collects runtime for each artefact. 
+        """
         code = "import time\n"
         code += "runtimes = list()\n"
         # change source code
         for d in self.dictionaries:
             code += "start_time = time.time()\n"
             code += d["code"] 
-            code = code + "\n" + "runtimes.append(time.time() - start_time)\n"
-        code += """with open(r'../Main/AST-Processing/Utils/Dynamic-Annotation/runtimes.txt', 'w') as fp:
-    for item in runtimes:
-        item = str(item)
-        fp.write('%s\\n' % item)
-        """
+            code = code + "\n" + "runtimes.append([{id}, time.time() - start_time])\n".format(id=d["id"])
+        code += saveRuntimeCode
         with open(r'Utils/Dynamic-Annotation/runtime.py', 'w') as fp:
             fp.write(code)
 
     def collect_runtimes(self):
-        """ Reads runtimes from txt and saves them to relevant dictionaries. """
-        runtimes = list()
+        """ 
+        Reads runtimes from txt and saves them to relevant dictionaries. 
+        """
+        runtimes = dict()
         with open('Utils/Dynamic-Annotation/runtimes.txt') as f:
             for line in f:
-                runtimes.append(float(line.split()[0]))
+                id, time = collect_time(line)
+                runtimes[id] = time
         for d in self.relevantDictionaries:
             d["runtime"] = runtimes[d["id"]]
 
     # <--- code instrumentation for datatypes --->
 
     def rewrite_code_datatypes(self):
-        """ Instruments source code, which collects datatypes for each artefact. """
+        """ 
+        Instruments source code to collect datatypes for each artefact.  
+        """
         code = ""
         code += "datatypes = list()\n"
         # change source code
@@ -73,96 +77,167 @@ class AnnotatedOperators(Operators):
             # add a lines collecting datatype of inputs
             for input in node["input"]:
                 if is_file(input):
-
-                    code = code + """try:
-    datatypes.append(type('{input}'))
-except:
-    datatypes.append('')""".format(input=input) + "\n"
+                    code = code + fileDataTypeInput.format(id = node["id"], input=input) + "\n"
                 else:
-                    code = code + """try:
-    datatypes.append(type({input}))
-except:
-    datatypes.append('')""".format(input=input) + "\n"
+                    code = code + variableDataTypeInput.format(id = node["id"], input=input) + "\n"
             # collect our original code lines
             code += node["code"] 
             # add a line to stop the timer and save the time
             code = code + "\n" 
             for output in node["output"]:
                 if is_file(output):
-                    code = code + """try:
-    datatypes.append(type('{output}'))
-except:
-    datatypes.append('')""".format(output=output) + "\n"
+                    code = code + fileDataTypeOutput.format(id = node["id"], output=output) + "\n"
                 else:
-                    code = code + """try:
-    datatypes.append(type({output}))
-except:
-    datatypes.append('')""".format(output=output) + "\n"
+                    code = code + variableDataTypeOutput.format(id = node["id"], output=output) + "\n"
         return code 
 
     def create_datatype_file(self):
-        """ Saves instrumented code in datatype.py. """
-        code = self.rewrite_code_datatypes()
-        code += """with open(r'../Main/AST-Processing/Utils/Dynamic-Annotation/datatypes.txt', 'w') as fp:
-    for item in datatypes:
-        item = str(item)
-        fp.write('%s\\n' % item)
+        """ 
+        Saves instrumented code in datatype.py. 
         """
+        code = self.rewrite_code_datatypes()
+        code += saveDataTypeCode
         with open(r'Utils/Dynamic-Annotation/datatype.py', 'w') as fp:
             fp.write(code)
 
+    def get_deps_from_datatype(self, datatype):
+        """
+        Collects module dependency from dynamic datatype information.
+        """
+        # datatype[0] := actual datatype
+        # datatype[1] := module name of datatype
+        dep1 = self.find_import(datatype[0])
+        dep2 = self.find_import(datatype[1])
+        return [dep1, dep2]
+
     def extract_datatypes(self, datatypes):
-        """ Saves datatypes to dictionaries and adds dependencies if necessary. """
-        # ToDo: Rebuild with zip
-        index = 0
+        """ 
+        Saves datatypes to dictionaries and adds dependencies if necessary. 
+        """
         for d in self.relevantDictionaries:
+            id = d["id"]
             for i in range(0,len(d["input"])):
-                if is_file(d["input"][i]):
-                    datatypes[index][0] = "file"
-                d["input"][i] = [d["input"][i], datatypes[index][0]]
-                # check dependency
-                if self.find_import(datatypes[index][1]) not in d["dependencies"]:
-                    if self.find_import(datatypes[index][1]) != -1:
-                        d["dependencies"].append(self.find_import(datatypes[index][1]))
-                index += 1
+                input = d["input"][i]
+                if is_file(input):
+                    datatypes[(id, input, 'i')][0] = "file"
+                d["input"][i] = [d["input"][i], datatypes[(id, input, 'i')][0]]
+
+                # add any new dependencies we can deduce from datatype
+                deps = self.get_deps_from_datatype(datatypes[(id, input, 'i')])
+                for dep in [x for x in deps if x is not None and x not in d["dependencies"]]:
+                    d["dependencies"].append(dep)
+
             for i in range(0,len(d["output"])):
-                if is_file(d["output"][i]):
-                    datatypes[index][0] = "file"
-                d["output"][i] = [d["output"][i], datatypes[index][0]]
-                # check dependency
-                if self.find_import(datatypes[index][1]) not in d["dependencies"]:
-                    if self.find_import(datatypes[index][1]) != -1:
-                        d["dependencies"].append(self.find_import(datatypes[index][1]))
-                index += 1
-
-    @staticmethod
-    def process_datatypes(line):
-        """ Gets datatype and module dependency. """
-        if not line.startswith('<'):
-            # data was never dynamically created -> ToDo: delete from dictionary
-            return "None", "None"
-        typ = line.split('\'')[1]
-        datatype = typ.split('.')[-1]
-        library = typ.split('.')[0]
-        return datatype, library
+                output = d["output"][i]
+                if is_file(output):
+                    datatypes[(id, output, 'o')][0] = "file"
+                d["output"][i] = [d["output"][i], datatypes[(id, output, 'o')][0]]
+
+                # add any new dependencies we can deduce from datatype
+                deps = self.get_deps_from_datatype(datatypes[(id, output, 'o')])
+                for dep in [x for x in deps if x is not None and x not in d["dependencies"]]:
+                    d["dependencies"].append(dep)
 
     def collect_datatypes(self):
-        """ Reads from datatypes.txt and calls extraction to dictionaries. """
+        """ 
+        Reads from datatypes.txt and calls extraction to dictionaries. 
+        """
         # reading runtimes from txt
-        datatypes = list()
+        datatypes = dict()
         with open('Utils/Dynamic-Annotation/datatypes.txt') as f:
             for line in f:
-                datatype, library = self.process_datatypes(line)
-                datatypes.append([datatype, library])
+                id, io, name, datatype, library = collect_datatypes(line)
+                datatypes[(id, name, io)] = [datatype, library]
         # saving in dictionaries
         self.extract_datatypes(datatypes)
 
+    # <--- code instrumentation for datasize --->
+    
+    def rewrite_code_datasizes(self):
+        """
+        Instruments source code to collect datasizes for each artefact. 
+        """
+        code = "import sys \n"
+        code += "datasizes = list()\n"
+        # change source code
+        for node in self.dictionaries:
+            # add a lines collecting datatype of inputs
+            for input in node["input"]:
+                if is_file(input):
+                    code = code + fileDataSizeInput.format(id=node["id"], input=input) + "\n"
+                else:
+                    code = code + variableDataSizeInput.format(id=node["id"], input=input) + "\n"
+            # collect our original code lines
+            code += node["code"] 
+            code = code + "\n" 
+            for output in node["output"]:
+                if is_file(output):
+                    code = code + fileDataSizeOutput.format(id=node["id"], output=output) + "\n"
+                else:
+                    code = code + variableDataSizeOutput.format(id=node["id"], output=output) + "\n"
+                    
+        code += saveDataSizeCode
+                    
+        return code
+
+    def create_datasize_file(self):
+        """
+        Saves instrumented code to datasize.py.
+        """
+        code = self.rewrite_code_datasizes()
+        with open(r'Utils/Dynamic-Annotation/datasize.py', 'w') as fp:
+            fp.write(code)
+    
+    def extract_datasizes(self, datasizes):
+        """
+        Adds datasize to each input and output of artefact.
+        """
+        for d in self.relevantDictionaries:
+            id = d["id"]
+            for i in range(0,len(d["input"])):
+                input = d["input"][i][0]
+                d["input"][i].append(datasizes[(id, input, 'i')])
+            for i in range(0,len(d["output"])):
+                output = d["output"][i][0]
+                d["output"][i].append(datasizes[(id, output, 'o')])
+
+    def collect_datasizes(self):
+        """ 
+        Reads from datasizes.txt and calls extraction to dictionaries. 
+        """
+        datasizes = dict()
+        with open('Utils/Dynamic-Annotation/datasizes.txt') as f:
+            for line in f:
+                id, io, name, size = collect_datasize(line)
+                datasizes[(id, name, io)] = size
+        # saving in dictionaries
+        self.extract_datasizes(datasizes)
+
+
     # <--- execute script to collect dynamic information --->
 
     def run_annotator(self):
+        # Note: runs script three times, each with different annotations
         command = "cd Utils/Dynamic-Annotation; ./run_annotator.sh {folderName} {args}".format(folderName=self.folderName, args=self.callerArgs)
         os.system(command)
 
+    # <--- refine data dependencies --->
+
+    def discard_special_types(self):
+        """
+        Wrongful data dependencies can be corrected by analyzing the type of a variable.
+        For example: in the code snippet 'type(int)', int is recognized as an input variable.
+        However, 'int' was never created beforehand -> inadequate data dependency.
+        Here, we discard such built-in type inputs/outputs.
+        """
+        for d in self.relevantDictionaries:
+            toDiscard = list()
+            for i in range(0, len(d["input"])):
+                if d["input"][i][1] == "type":
+                    toDiscard.append(d["input"][i])
+            for item in toDiscard:
+                d["input"].remove(item)
+
 # <--- Main --->
 
 def main():
@@ -174,11 +249,16 @@ def main():
     ops.create_runtime_file()
     print("Instrumenting code in file Utils/Dynamic-Annotation/datatype.py...")
     ops.create_datatype_file()
-    print("Running Utils/Dynamic-Annotation/runtime.py and datatype.py...")
+    print("Instrumenting code in file Utils/Dynamic-Annotation/datasize.py...")
+    ops.create_datasize_file()
+    print("Running Utils/Dynamic-Annotation/runtime.py, datatype.py and datasize.py...")
     ops.run_annotator()
-    print("Extracting runtimes and datatypes...")
+    print("Extracting runtimes, datatypes, and datasizes...")
     ops.collect_runtimes()
     ops.collect_datatypes()
+    ops.collect_datasizes()
+
+    ops.discard_special_types()
 
     print("\n<--- Operators as dictionaries over relevant code artefacts --->\n")
     ops.display_dictionaries("relevantDictionaries")
diff --git a/Main/AST-Processing/operator_generation.py b/Main/AST-Processing/operator_generation.py
index 106bd5db957d3383b4ed30e65b276e309f239b37..9f3b530a2295bb9526386c227c8b8bfaf86966ef 100644
--- a/Main/AST-Processing/operator_generation.py
+++ b/Main/AST-Processing/operator_generation.py
@@ -137,6 +137,10 @@ class Operators(CoreOperators):
             print(text.format(id=node["id"], type=node["type"], input=node["input"], output=node["output"], \
                 dependencies=node["dependencies"], code=node["code"], runtime=node["runtime"]))
 
+    def display_handlers(self):
+        for handler in self.functionHandler:
+            print(handler)
+
     # <--- collecting inputs, outputs and dependencies from artefacts --->
 
     # <--- import dependencies --->
@@ -239,7 +243,6 @@ class Operators(CoreOperators):
         """
         for artefact in self.artefacts:
             if isinstance(artefact, ast.FunctionDef):
-                print()
                 approxVars, deps = self.collect_IOD_artefacts(artefact.body)
                 ioVars, deps = self.divide_func_vars(artefact, approxVars, deps)
                 handler = build_handler(artefact.name, ioVars, deps)
@@ -268,7 +271,22 @@ class Operators(CoreOperators):
                 lambdaLoader = [node.args.args[0].arg, "Load"]
                 # discard all "use" contexts of lambda variable
                 varNames = [v for v in varNames if v != lambdaLoader]
-
+        # recognize subscript nodes
+        for node in ast.walk(artefact):
+            if isinstance(node, ast.Subscript):
+                if isinstance(node.value, ast.Name):
+                    varNames.append([node.value.id, "Load"])
+                    if type(node.ctx).__name__ == "Store":
+                        varNames.append([node.value.id, "Store"])
+                elif isinstance(node.value, ast.Attribute):
+                    for subnode in ast.walk(node.value):
+                        if isinstance(subnode, ast.Name):
+                            if subnode.id == "globals":
+                                globname = get_global_var(subnode)[0]
+                                varNames.append([globname, "Load"])
+                                if type(node.ctx).__name__ == "Store":
+                                    varNames.append([globname, "Store"])
+                
         return varNames      
 
     def collect_via_context(self, artefact, i):
@@ -392,18 +410,17 @@ def main():
 
     print("\n<--- FunctionHandlers extracted from FunctionDefs --->\n")
     ops.get_function_handlers()
+    ops.display_handlers()
 
     #print("\n<--- Operators as dictionaries over relevant code artefacts --->\n")
     ops.process_relevant_artefacts()
     ops.remove_funcNames()
     ops.redirect_import_dependencies()
     ops.remove_duplicates()
-    ops.sticky_artefacts()
 
     print("\n<--- Saving dictionaries --->\n")
     ops.save_dictionaries()
     ops.save_relevant_dictionaries()
-    ops.save_sticky_dictionaries()
 
 if __name__ == "__main__":
     main()
\ No newline at end of file
diff --git a/Main/AST-Processing/workflow_generation.py b/Main/AST-Processing/workflow_generation.py
index 1b6d72c63340cf9f8ca092d132670c882a46212d..c6364c55895376c28927560358ea84c4dd05920a 100644
--- a/Main/AST-Processing/workflow_generation.py
+++ b/Main/AST-Processing/workflow_generation.py
@@ -1,7 +1,10 @@
 from graph_modularization import Modularizer
-from Utils.workflow_utils import save_script, create_main, build_rule_text, get_component, convert_dataframe
+from Utils.workflow_utils import create_main_beginning, create_main_content, get_func_deps, create_rule
+from Utils.param_utils import setup_args, setup_parser
+from Utils.function_utils import is_file
 import sys
 import os
+import ast
 
 class WorkflowOperators(Modularizer):
     """
@@ -13,217 +16,188 @@ class WorkflowOperators(Modularizer):
     # modularize graph using graph_modularization functions
     def build_modularized_graph(self):
         print("> Modularizing operator graph...")
-        self.vertical_merging()
-        self.display_graph("Graphs/verticallyMergedGraph.png")
+        if self.modType == "topological":
+            self.run_modularization_top()
+        else:
+            self.run_modularization()
+        self.extract_dictionaries()
 
     # read import lines from source code
     def get_import_lines(self):
         importLines = list()
         for d in self.dictionaries:
-            if d["type"] == "Import":
+            if d["type"] == "Import" or d["type"] == "ImportFrom":
                 importLines.append(d["code"])
         return importLines
 
     def __init__(self, filename):
-        super().__init__(filename)
+        parser = setup_parser()
+        args = setup_args(parser, sys.argv)
+        if args.f is not None:
+            sys.exit("Cannot support workflow building from JSON yet.")
+        super().__init__(filename, args)
         self.build_modularized_graph()
-        self.rules = list()
-        self.scripts = list()
-        self.temporaries = list()
+        self.display_final_graph("Graphs/finalGraph.png")
+        self.components = self.extract_components()
         self.importLines = self.get_import_lines()
 
-    # <--- functions to display rules and scripts --->
-
-    def display_rules(self):
-        for rule in self.rules:
-            print(rule)
-
-    # <--- serialize nodes --->
-
-    def add_ser_dependency(self, dependencies):
-        """ Adds pandas dependency to serialization step if necessary. """
-        id = self.find_import('pd')
-        # if pandas wasn't use in original script, we have to add it
-        if id == -1:
-            self.imports.append(["pandas","pd"])
-            self.importLines.append("Import pandas as pd")
-            id = self.find_import('pd')
-        if id not in dependencies:
-            dependencies.append(id)
-        return dependencies
-
-    def add_serialization(self, nodeID, outputName, outputType):
-        """ Add code line to operator, to save variable value in file. """
-        filename = "{outputName}_saved.csv".format(outputName=outputName)
-        if outputType != "DataFrame":
-            outputName = "pd.Dataframe(" + outputName + ")"
-        code = "\n{outputName}.to_csv('{filename}')\n".format(filename=filename, outputName=outputName)
-            
-        self.Graph.nodes[nodeID]["output"][0][0] = filename
-        self.Graph.nodes[nodeID]["output"][0][1] = "file"
-        # check if pandas dependency needs to be added
-        self.Graph.nodes[nodeID]["dependencies"] = self.add_ser_dependency(self.Graph.nodes[nodeID]["dependencies"])
-        self.Graph.nodes[nodeID]["code"] += code
-
-    def add_deserialization(self, nodeID, outputName, outputType):
-        """ Add code line to operator, to read variable value from file. """
-        filename = "{outputName}_saved.csv".format(outputName=outputName)
-        code = "{outputName} = pd.read_csv('{filename}')\n".format(filename=filename, outputName=outputName)
-        # convert dataframe to right type
-        code += convert_dataframe(outputName, outputType)
-
-        self.Graph.nodes[nodeID]["input"][0][0] = filename
-        self.Graph.nodes[nodeID]["input"][0][1] = "file"
-        # check if pandas dependency needs to be added
-        self.Graph.nodes[nodeID]["dependencies"] = self.add_ser_dependency(self.Graph.nodes[nodeID]["dependencies"])
-        self.Graph.nodes[nodeID]["code"] = code + self.Graph.nodes[nodeID]["code"]
-
-    def serialize_nodes(self):
-        """ Iterate all nodes and serialize their outputs + deserialize their childrens inputs. """
-        # ToDo: Handle multiple inputs/outputs
-        for i in range(0, len(self.Graph.nodes)):
-            nodeID = list(self.Graph.nodes)[i]
-            node = self.Graph.nodes[nodeID]
-            # look for intermediate outputs 
-            if len(node["output"]) != 0:
-                outputType = node["output"][0][1]
-                outputName = node["output"][0][0]
-                if outputType != "file":
-                    self.temporaries.append(nodeID)
-                    self.add_serialization(nodeID, outputName, outputType)
-
-                    # deserialize within all child nodes
-                    succs = list(self.Graph.successors(nodeID))
-                    for succ in succs:
-                        if self.Graph.nodes[succ]["input"][0][0] == outputName:
-                            self.add_deserialization(succ, outputName, outputType)
-    
     # <--- directory preparation --->
 
-    @staticmethod
-    def prep_directory(folder):
-        """ Creates (Sub-)Workflow folder structure. """
-        if not os.path.exists(folder):
-            os.makedirs(folder)
-        if not os.path.exists(folder + "/Scripts"):
-            os.makedirs(folder + "/Scripts")
+    def prep_directory(self):
+        """ 
+        Creates Workflow folder structure. 
+        """
+        originFolder = "workflow"
+        mainFolder = originFolder
+        # prevent overwriting existing workflows
+        counter = 2
+        while os.path.exists(mainFolder):
+            mainFolder = originFolder + "_" + str(counter) 
+            counter += 1
+        # build structure
+        scriptFolder = mainFolder + "/scripts"
+        funcsFolder = mainFolder + "/scripts/funcs"
+        rulesFolder = mainFolder + "/rules"
+        resourceFolder = mainFolder + "/data"
+        os.makedirs(mainFolder)
+        os.makedirs(scriptFolder)
+        os.makedirs(funcsFolder)
+        os.makedirs(rulesFolder)
+        os.makedirs(resourceFolder)
+        self.mainFolder = mainFolder
+
+    def prep_main_snakefile(self):
+        """ 
+        Create empty Snakefile in main workflow directory and load rule files. 
+        """
+        with open(self.mainFolder + "/Snakefile", 'w') as fp:
+            for i in range(1,len(self.components)+1):
+                fp.write("include: 'rules/rule_catalogue_{i}.smk'\n\n".format(i=i))
+
+    def prep_catalogues(self):
+        """
+        Create empty rule files.
+        """
+        for i in range(1,len(self.components)+1):
+            open(self.mainFolder + '/rules/rule_catalogue_{i}.smk'.format(i=i), "w")
+
+    def build_directory(self):
+        """
+        Build entire empty workflow.
+        """
+        self.prep_directory()
+        self.prep_main_snakefile()
+        self.prep_catalogues()
 
-    # <--- save defined functions in functions.py script --->
+    # <--- function definitions --->
 
     def save_functionDefs(self):
-        self.prep_directory("Workflow")
-        index = 0
-        for d in self.dictionaries:
-            if d["type"] == "FunctionDef":
-                code = ""
+        """
+        Save defined functions in functions.py script.
+        """
+        code = ""
+        for artefact in ast.walk(self.tree):
+            if isinstance(artefact, ast.FunctionDef):
+                dependencies = get_func_deps(artefact.name, self.functionHandler)
                 # collect imports necessary for function execution
-                for dependency in self.functionDependencies[index]:
+                for dependency in [d for d in dependencies if d>=0]:
                     code = code + self.importLines[dependency] + "\n"
-                index += 1
-                # collect function
-                code = code + "\n\n" + d["code"]
+                # collect functionDef
+                code = code + "\n" + self.extract_code(artefact) + "\n\n"
         
-                with open(r'Workflow/functions.py', 'w') as fp:
-                    fp.write(code)
-
-    # <--- generate rules and scripts --->
-
-    def get_function_names(self):
-        """ Create import line for calls to self-defined functions in operator. """
-        # ToDo: Only import necessary functionNames
-        text = "from ..functions import "
-        text += ", ".join(self.functionNames)
+        with open(r'{}/scripts/funcs/functions.py'.format(self.mainFolder), 'w') as fp:
+            fp.write(code)
+
+    # <--- get imports --->
+
+    def get_funcDef_imports(self, deps):
+        """ 
+        Create import line for calls to self-defined functions. 
+        """
+        if len(deps) == 0:
+            return ""
+        text = "from funcs.functions import "
+        funcNames = [self.functionNames[(-1)*i-1] for i in deps]
+        text += ", ".join(funcNames)
         return text + "\n"
 
     def read_imports(self, node):
-        """ Create import lines for each module dependency of operator. """
-        text = "import sys\n"
+        """ 
+        Create import lines for each module dependency. 
+        """
+        text = "import sys\nimport pickle\n"
+        ownDeps = list()
         for dependency in node["dependencies"]:
             if dependency >= 0:
                 text = text + self.importLines[dependency] + "\n"
             else:
-                text = text + self.get_function_names()
+                ownDeps.append(dependency)
+        text = text + self.get_funcDef_imports(ownDeps)
         return text
 
-    def create_rule(self, node):
-        """ Create script text and rule text. """
-        scriptCode = self.read_imports(node)
-        scriptCode += create_main(node)
-        self.scripts.append(scriptCode)
-
-        ruleText = build_rule_text(node, get_component(self.components, node["id"]))
-        return ruleText
-
-    def create_rules(self):
-        for node in self.finalDictionaries:
-            self.rules.append(self.create_rule(node))
-
-    # <--- Save rules to Snakefiles --->
+    # <--- generate rules and scripts --->
 
-    def prep_main_snakefile(self):
-        """ Create empty Snakefile in main Workflow directory. """
-        with open("Workflow/Snakefile", 'w') as fp:
-            for i in range(1,len(self.components)):
-                fp.write("include: 'Snakefile_{i}'\n\n".format(i=i))
-
-    def prep_sub_snakefiles(self):
-        """ Create subdirectories and Snakefiles for subworkflows. """
-        for i in range(1, len(self.components)):
-            folder = "Workflow/Subworkflow_" + str(i)
-            self.prep_directory(folder)
-            snakefileName = folder + "/Snakefile" 
-            with open(snakefileName, 'w') as fp:
-                fp.write("")
-
-    def write_rules(self):
-        """ Write rules to corresponding Snakefiles depending on which weak component they are in. """
-        for i in range(0,len(self.rules)):
-            # extract rule ID
-            ruleNum = self.finalDictionaries[i]["id"]
-            # find correct snakefile
-            snakefileNum = get_component(self.components, ruleNum)
-            if snakefileNum == 0:
-                filename = "Workflow/Snakefile"
-            else:
-                filename = "Workflow/Subworkflow_" + str(snakefileNum) + "/Snakefile"
-            with open(filename, 'a') as fp:
-                fp.write(self.rules[i] + "\n")
-            # save script
-            save_script(self.finalDictionaries[i], self.scripts[i], snakefileNum)
-
-    def save_snakefiles(self):
-        # include all subworkflows in main snakefile
-        self.prep_main_snakefile()
-        # create number of necessary snakefiles
-        self.prep_sub_snakefiles()
-        # write rules into according files
-        self.write_rules()
+    def get_catalogue(self, dictionary):
+        """
+        Find right rule file for rule.
+        """
+        compNum = 0
+        for i in range(0, len(self.components)):
+            if dictionary["id"] in self.components[i]:
+                compNum = i+1
+                break
+        catalogueName = self.mainFolder + "/rules/rule_catalogue_{}.smk".format(compNum)
+        return catalogueName
+
+    def create_script(self, dictionary):
+        """
+        Create script content for rule.
+        """
+        text = self.read_imports(dictionary) 
+        text += create_main_beginning(dictionary)
+        text += create_main_content(dictionary)
+        return text
 
+    # <--- Save to workflow folder --->
+
+    def save_rule(self, dictionary):
+        """
+        Create and save rules.
+        """
+        file = self.get_catalogue(dictionary)
+        ruleText = create_rule(dictionary)
+        with open(file, "a") as fp:
+            fp.write(ruleText)
+
+    def save_script(self, dictionary):
+        """
+        Create and save script.
+        """
+        file = self.mainFolder + "/scripts/rule_{}.py".format(dictionary["id"])
+        scriptText = self.create_script(dictionary)
+        with open(file, "w") as fp:
+            fp.write(scriptText)
+
+    # <--- run all --->
+
+    def create_workflow(self):
+        """
+        Build entire Snakemake from dictionaries.
+        """
+        self.build_directory()
+        self.save_functionDefs()
+        for d in self.finalDictionaries:
+            self.save_rule(d)
+            self.save_script(d)
+            
 # <--- Main --->
 
 def main():
     print("<<< GENERATING SNAKEMAKE WORKFLOW >>>\n\n")
     ops = WorkflowOperators(sys.argv[1])
 
-    print("\nSerializing nodes...")
-    ops.serialize_nodes()
-
-    print("\n<--- Serialized Operators --->\n")
-    ops.extract_dictionaries()
-    ops.display_graph_dictionaries("finalDictionaries")    
-
-    print("\n<--- ID's of nodes that have been serialized --->\n")
-    print(ops.temporaries)
-
-    print("\nExtracting Workflow/functions.py...\n")
-    ops.save_functionDefs()
-    print("Creating rules and scripts...\n")
-    ops.create_rules()
-    print("\n<--- Rules created --->\n")
-    ops.display_rules()
-
-    print("\nSaving Snakefiles in /Workflow...\n")
-    ops.save_snakefiles()
+    print("\nExtracting Workflow...\n")
+    ops.create_workflow()
 
 if __name__ == "__main__":
     main()
\ No newline at end of file