├── MixupContrastiveLearningExample.ipynb ├── README.md ├── UcrResults ├── UCR_Accuracy_Results.csv ├── UCR_CL_ACC_5Folds_Drop.csv ├── UCR_CL_ACC_5Folds_Gauss.csv ├── UCR_MCL_ACC_5Folds.csv └── UCR_Ranking_Results.csv └── UeaResults ├── UEA_Accuracy_Results.csv ├── UEA_CL_ACC_5Folds_drop.csv ├── UEA_CL_ACC_5Folds_gauss.csv ├── UEA_MCL_ACC_5Folds.csv └── UEA_Ranking_Results.csv /MixupContrastiveLearningExample.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "nbformat": 4, 3 | "nbformat_minor": 0, 4 | "metadata": { 5 | "colab": { 6 | "name": "MixupContrastiveLearningExample.ipynb", 7 | "provenance": [], 8 | "collapsed_sections": [] 9 | }, 10 | "kernelspec": { 11 | "name": "python3", 12 | "display_name": "Python 3" 13 | }, 14 | "accelerator": "GPU" 15 | }, 16 | "cells": [ 17 | { 18 | "cell_type": "markdown", 19 | "metadata": { 20 | "id": "5IpTwQuz5p6K" 21 | }, 22 | "source": [ 23 | "## Introduction\n", 24 | "\n", 25 | "This notebook provides code for mixup contrastive learning. The method is illustrated on the gunpoint dataset. The dataset used in this notebook is the gunpoint dataset. But more are available. See https://github.com/alan-turing-institute/sktime/tree/master/sktime/datasets/data for more info.\n", 26 | "\n", 27 | "The first two code block clones the sktime Github repo and loads the necessary packages." 28 | ] 29 | }, 30 | { 31 | "cell_type": "code", 32 | "metadata": { 33 | "colab": { 34 | "base_uri": "https://localhost:8080/" 35 | }, 36 | "cellView": "form", 37 | "id": "P5FKoYydvGLG", 38 | "outputId": "60ca183d-a527-48a9-e7a7-c9ff27e854a8" 39 | }, 40 | "source": [ 41 | "#@title Clone Git repos\n", 42 | "\n", 43 | "!pip install sktime" 44 | ], 45 | "execution_count": 11, 46 | "outputs": [ 47 | { 48 | "output_type": "stream", 49 | "text": [ 50 | "Requirement already satisfied: sktime in /usr/local/lib/python3.7/dist-packages (0.5.3)\n", 51 | "Requirement already satisfied: scikit-learn>=0.23.0 in /usr/local/lib/python3.7/dist-packages (from sktime) (0.24.1)\n", 52 | "Requirement already satisfied: wheel in /usr/local/lib/python3.7/dist-packages (from sktime) (0.36.2)\n", 53 | "Requirement already satisfied: numba>=0.50 in /usr/local/lib/python3.7/dist-packages (from sktime) (0.51.2)\n", 54 | "Requirement already satisfied: numpy>=1.19.0 in /usr/local/lib/python3.7/dist-packages (from sktime) (1.19.5)\n", 55 | "Requirement already satisfied: statsmodels>=0.12.1 in /usr/local/lib/python3.7/dist-packages (from sktime) (0.12.2)\n", 56 | "Requirement already satisfied: pandas>=1.1.0 in /usr/local/lib/python3.7/dist-packages (from sktime) (1.1.5)\n", 57 | "Requirement already satisfied: threadpoolctl>=2.0.0 in /usr/local/lib/python3.7/dist-packages (from scikit-learn>=0.23.0->sktime) (2.1.0)\n", 58 | "Requirement already satisfied: joblib>=0.11 in /usr/local/lib/python3.7/dist-packages (from scikit-learn>=0.23.0->sktime) (1.0.1)\n", 59 | "Requirement already satisfied: scipy>=0.19.1 in /usr/local/lib/python3.7/dist-packages (from scikit-learn>=0.23.0->sktime) (1.4.1)\n", 60 | "Requirement already satisfied: llvmlite<0.35,>=0.34.0.dev0 in /usr/local/lib/python3.7/dist-packages (from numba>=0.50->sktime) (0.34.0)\n", 61 | "Requirement already satisfied: setuptools in /usr/local/lib/python3.7/dist-packages (from numba>=0.50->sktime) (53.0.0)\n", 62 | "Requirement already satisfied: patsy>=0.5 in /usr/local/lib/python3.7/dist-packages (from statsmodels>=0.12.1->sktime) (0.5.1)\n", 63 | "Requirement already satisfied: pytz>=2017.2 in /usr/local/lib/python3.7/dist-packages (from pandas>=1.1.0->sktime) (2018.9)\n", 64 | "Requirement already satisfied: python-dateutil>=2.7.3 in /usr/local/lib/python3.7/dist-packages (from pandas>=1.1.0->sktime) (2.8.1)\n", 65 | "Requirement already satisfied: six in /usr/local/lib/python3.7/dist-packages (from patsy>=0.5->statsmodels>=0.12.1->sktime) (1.15.0)\n" 66 | ], 67 | "name": "stdout" 68 | } 69 | ] 70 | }, 71 | { 72 | "cell_type": "code", 73 | "metadata": { 74 | "cellView": "form", 75 | "id": "mkzORFQhvWGQ" 76 | }, 77 | "source": [ 78 | "#@title Load packages and data\n", 79 | "\n", 80 | "\n", 81 | "import torch as th\n", 82 | "import numpy as np\n", 83 | "import pandas as pd\n", 84 | "import torch.nn as nn\n", 85 | "import matplotlib.pyplot as plt\n", 86 | "\n", 87 | "\n", 88 | "from IPython.display import clear_output\n", 89 | "from sktime.datasets import load_gunpoint\n", 90 | "from torch.utils.data import Dataset, DataLoader\n", 91 | "from sklearn.neighbors import KNeighborsClassifier\n", 92 | "\n", 93 | "\n", 94 | "def to_np(x):\n", 95 | " return x.cpu().detach().numpy()" 96 | ], 97 | "execution_count": 12, 98 | "outputs": [] 99 | }, 100 | { 101 | "cell_type": "markdown", 102 | "metadata": { 103 | "id": "1mvvnIdG6W8l" 104 | }, 105 | "source": [ 106 | "## Load data and create Pytorch dataset\n", 107 | "\n", 108 | "The following two code block loads the data, converts it to numpy array, before wrapping it in the Pytorch dataset class." 109 | ] 110 | }, 111 | { 112 | "cell_type": "code", 113 | "metadata": { 114 | "cellView": "form", 115 | "id": "KLEW5ZFz1R_x" 116 | }, 117 | "source": [ 118 | "#@title load data and convert to numpy array\n", 119 | "\n", 120 | "x_tr, y_tr = load_gunpoint(split='train', return_X_y=True)\n", 121 | "\n", 122 | "x_tr = pd.DataFrame(x_tr).to_numpy()\n", 123 | "y_tr = pd.DataFrame(y_tr).to_numpy()\n", 124 | "\n", 125 | "x_tr = np.array(np.ndarray.tolist(x_tr), dtype=np.float32)\n", 126 | "y_tr = np.array(np.ndarray.tolist(y_tr), dtype=np.int32)\n", 127 | "\n", 128 | "x_te, y_te = load_gunpoint(split='test', return_X_y=True)\n", 129 | "\n", 130 | "\n", 131 | "x_te = pd.DataFrame(x_te).to_numpy()\n", 132 | "y_te = pd.DataFrame(y_te).to_numpy()\n", 133 | "\n", 134 | "x_te = np.array(np.ndarray.tolist(x_te), dtype=np.float32)\n", 135 | "y_te = np.array(np.ndarray.tolist(y_te), dtype=np.int32)" 136 | ], 137 | "execution_count": 4, 138 | "outputs": [] 139 | }, 140 | { 141 | "cell_type": "code", 142 | "metadata": { 143 | "cellView": "form", 144 | "id": "5tNCbzc23edS" 145 | }, 146 | "source": [ 147 | "#@title create dataset\n", 148 | "\n", 149 | "class MyDataset(Dataset):\n", 150 | " def __init__(self, x, y):\n", 151 | "\n", 152 | " device = 'cuda'\n", 153 | " self.x = th.tensor(x, dtype=th.float, device=device)\n", 154 | " self.y = th.tensor(y, dtype=th.long, device=device)\n", 155 | "\n", 156 | " def __len__(self):\n", 157 | " return len(self.x)\n", 158 | "\n", 159 | " def __getitem__(self, idx):\n", 160 | " return self.x[idx], self.y[idx]" 161 | ], 162 | "execution_count": 5, 163 | "outputs": [] 164 | }, 165 | { 166 | "cell_type": "markdown", 167 | "metadata": { 168 | "id": "wd4HHFN26mvJ" 169 | }, 170 | "source": [ 171 | "## Define neural network\n", 172 | "\n", 173 | "In this block we define the neural network architecture used. This architecture is based on the fully convolutional network from https://arxiv.org/abs/1611.06455, but with dilation added to each convolutional layer." 174 | ] 175 | }, 176 | { 177 | "cell_type": "code", 178 | "metadata": { 179 | "cellView": "form", 180 | "id": "yL5kkfUHve_V" 181 | }, 182 | "source": [ 183 | "#@title Define FCN\n", 184 | "\n", 185 | "class FCN(nn.Module):\n", 186 | " def __init__(self, n_in):\n", 187 | " super(FCN, self).__init__()\n", 188 | "\n", 189 | " self.encoder = nn.Sequential(\n", 190 | " nn.Conv1d(n_in, 128, kernel_size=7, padding=6, dilation=2),\n", 191 | " nn.BatchNorm1d(128),\n", 192 | " nn.ReLU(),\n", 193 | " nn.Conv1d(128, 256, kernel_size=5, padding=8, dilation=4),\n", 194 | " nn.BatchNorm1d(256),\n", 195 | " nn.ReLU(),\n", 196 | " nn.Conv1d(256, 128, kernel_size=3, padding=8, dilation=8),\n", 197 | " nn.BatchNorm1d(128),\n", 198 | " nn.ReLU(),\n", 199 | " nn.AdaptiveAvgPool1d(1),\n", 200 | " nn.Flatten()\n", 201 | " )\n", 202 | "\n", 203 | " self.proj_head = nn.Sequential(\n", 204 | " nn.Linear(128, 128),\n", 205 | " nn.BatchNorm1d(128),\n", 206 | " nn.ReLU(),\n", 207 | " nn.Linear(128, 128)\n", 208 | " )\n", 209 | "\n", 210 | " def forward(self, x):\n", 211 | "\n", 212 | " h = self.encoder(x)\n", 213 | " out = self.proj_head(h)\n", 214 | "\n", 215 | " return out, h" 216 | ], 217 | "execution_count": 6, 218 | "outputs": [] 219 | }, 220 | { 221 | "cell_type": "markdown", 222 | "metadata": { 223 | "id": "wUpO0DPU64zR" 224 | }, 225 | "source": [ 226 | "## Define loss, training function and evaluation function.\n", 227 | "\n", 228 | "The following three code blocks implements the mixup contrastive loss, the training function and the evaluation function." 229 | ] 230 | }, 231 | { 232 | "cell_type": "code", 233 | "metadata": { 234 | "cellView": "form", 235 | "id": "igt1Rxsex4s-" 236 | }, 237 | "source": [ 238 | "#@title define MixUp Loss\n", 239 | "\n", 240 | "class MixUpLoss(th.nn.Module):\n", 241 | "\n", 242 | " def __init__(self, device, batch_size):\n", 243 | " super(MixUpLoss, self).__init__()\n", 244 | " \n", 245 | " self.tau = 0.5\n", 246 | " self.device = device\n", 247 | " self.batch_size = batch_size\n", 248 | " self.logsoftmax = nn.LogSoftmax(dim=1)\n", 249 | "\n", 250 | " def forward(self, z_aug, z_1, z_2, lam):\n", 251 | "\n", 252 | " z_1 = nn.functional.normalize(z_1)\n", 253 | " z_2 = nn.functional.normalize(z_2)\n", 254 | " z_aug = nn.functional.normalize(z_aug)\n", 255 | "\n", 256 | " labels_lam_0 = lam*th.eye(self.batch_size, device=self.device)\n", 257 | " labels_lam_1 = (1-lam)*th.eye(self.batch_size, device=self.device)\n", 258 | "\n", 259 | " labels = th.cat((labels_lam_0, labels_lam_1), 1)\n", 260 | "\n", 261 | " logits = th.cat((th.mm(z_aug, z_1.T),\n", 262 | " th.mm(z_aug, z_2.T)), 1)\n", 263 | "\n", 264 | " loss = self.cross_entropy(logits / self.tau, labels)\n", 265 | "\n", 266 | " return loss\n", 267 | "\n", 268 | " def cross_entropy(self, logits, soft_targets):\n", 269 | " return th.mean(th.sum(- soft_targets * self.logsoftmax(logits), 1))\n" 270 | ], 271 | "execution_count": 7, 272 | "outputs": [] 273 | }, 274 | { 275 | "cell_type": "code", 276 | "metadata": { 277 | "cellView": "form", 278 | "id": "Vppl1UTbx6xk" 279 | }, 280 | "source": [ 281 | "#@title mixup model trainer per epoch\n", 282 | "\n", 283 | "\n", 284 | "def train_mixup_model_epoch(model, training_set, test_set, optimizer, alpha, epochs):\n", 285 | "\n", 286 | " device = 'cuda' if th.cuda.is_available() else 'cpu'\n", 287 | " batch_size_tr = len(training_set.x)\n", 288 | "\n", 289 | " LossList, AccList \n", 290 | " criterion = MixUpLoss(device, batch_size_tr)\n", 291 | "\n", 292 | " training_generator = DataLoader(training_set, batch_size=batch_size_tr,\n", 293 | " shuffle=True, drop_last=True)\n", 294 | "\n", 295 | " for epoch in range(epochs):\n", 296 | "\n", 297 | " for x, y in training_generator:\n", 298 | "\n", 299 | " model.train()\n", 300 | "\n", 301 | " optimizer.zero_grad()\n", 302 | "\n", 303 | " x_1 = x\n", 304 | " x_2 = x[th.randperm(len(x))]\n", 305 | "\n", 306 | " lam = np.random.beta(alpha, alpha)\n", 307 | "\n", 308 | " x_aug = lam * x_1 + (1-lam) * x_2\n", 309 | "\n", 310 | " z_1, _ = model(x_1)\n", 311 | " z_2, _ = model(x_2)\n", 312 | " z_aug, _ = model(x_aug)\n", 313 | "\n", 314 | " loss= criterion(z_aug, z_1, z_2, lam)\n", 315 | " loss.backward()\n", 316 | " optimizer.step()\n", 317 | " LossList.append(loss.item())\n", 318 | "\n", 319 | "\n", 320 | " AccList.append(test_model(model, training_set, test_set))\n", 321 | "\n", 322 | " print(f\"Epoch number: {epoch}\")\n", 323 | " print(f\"Loss: {LossList[-1]}\")\n", 324 | " print(f\"Accuracy: {AccList[-1]}\")\n", 325 | " print(\"-\"*50)\n", 326 | "\n", 327 | " if epoch % 10 == 0 and epoch != 0: clear_output()\n", 328 | " \n", 329 | " return LossList, AccList" 330 | ], 331 | "execution_count": 8, 332 | "outputs": [] 333 | }, 334 | { 335 | "cell_type": "code", 336 | "metadata": { 337 | "cellView": "form", 338 | "id": "SSwqzgbEx8-B" 339 | }, 340 | "source": [ 341 | "#@title model evaluation\n", 342 | "\n", 343 | "\n", 344 | "def test_model(model, training_set, test_set):\n", 345 | "\n", 346 | " model.eval()\n", 347 | "\n", 348 | " N_tr = len(training_set.x)\n", 349 | " N_te = len(test_set.x)\n", 350 | "\n", 351 | " training_generator = DataLoader(training_set, batch_size=1,\n", 352 | " shuffle=True, drop_last=False)\n", 353 | " test_generator = DataLoader(test_set, batch_size= 1,\n", 354 | " shuffle=True, drop_last=False)\n", 355 | "\n", 356 | " H_tr = th.zeros((N_tr, 128))\n", 357 | " y_tr = th.zeros((N_tr), dtype=th.long)\n", 358 | "\n", 359 | " H_te = th.zeros((N_te, 128))\n", 360 | " y_te = th.zeros((N_te), dtype=th.long)\n", 361 | "\n", 362 | " for idx_tr, (x_tr, y_tr_i) in enumerate(training_generator):\n", 363 | " with th.no_grad():\n", 364 | " _, H_tr_i = model(x_tr)\n", 365 | " H_tr[idx_tr] = H_tr_i\n", 366 | " y_tr[idx_tr] = y_tr_i\n", 367 | "\n", 368 | " H_tr = to_np(nn.functional.normalize(H_tr))\n", 369 | " y_tr = to_np(y_tr)\n", 370 | "\n", 371 | "\n", 372 | " for idx_te, (x_te, y_te_i) in enumerate(test_generator):\n", 373 | " with th.no_grad():\n", 374 | " _, H_te_i = model(x_te)\n", 375 | " H_te[idx_te] = H_te_i\n", 376 | " y_te[idx_te] = y_te_i\n", 377 | "\n", 378 | " H_te = to_np(nn.functional.normalize(H_te))\n", 379 | " y_te = to_np(y_te)\n", 380 | "\n", 381 | " clf = KNeighborsClassifier(n_neighbors=1).fit(H_tr, y_tr)\n", 382 | "\n", 383 | " return clf.score(H_te, y_te)\n" 384 | ], 385 | "execution_count": 9, 386 | "outputs": [] 387 | }, 388 | { 389 | "cell_type": "markdown", 390 | "metadata": { 391 | "id": "Ux9UVzA97GNi" 392 | }, 393 | "source": [ 394 | "## Block for training the model\n", 395 | "\n", 396 | "This block trains the neural network using mixup contrastive learning. " 397 | ] 398 | }, 399 | { 400 | "cell_type": "code", 401 | "metadata": { 402 | "cellView": "form", 403 | "id": "227XYyoHx--y" 404 | }, 405 | "source": [ 406 | "#@title Experiment number of epochs\n", 407 | "\n", 408 | "device = 'cuda' if th.cuda.is_available() else 'cpu'\n", 409 | "epochs, LossList, AccList = 200, [], []\n", 410 | "\n", 411 | "alpha = 1.0\n", 412 | "\n", 413 | "training_set = MyDataset(x_tr, y_tr)\n", 414 | "test_set = MyDataset(x_te, y_te)\n", 415 | "\n", 416 | "model = FCN(training_set.x.shape[1]).to(device)\n", 417 | "\n", 418 | "optimizer = th.optim.Adam(model.parameters())\n", 419 | "LossListM, AccListM = train_mixup_model_epoch(model, training_set, test_set,\n", 420 | " optimizer, alpha, epochs)\n", 421 | "\n", 422 | "\n", 423 | "print(f\"Score for alpha = {alpha}: {AccListM[-1]}\")\n", 424 | "\n", 425 | "\n", 426 | "plt.figure(1, figsize=(8, 8))\n", 427 | "plt.subplot(121)\n", 428 | "plt.plot(LossListM)\n", 429 | "plt.title('Loss')\n", 430 | "plt.subplot(122)\n", 431 | "plt.plot(AccListM)\n", 432 | "plt.title('Accuracy')\n", 433 | "plt.show()\n", 434 | "\n" 435 | ], 436 | "execution_count": null, 437 | "outputs": [] 438 | }, 439 | { 440 | "cell_type": "code", 441 | "metadata": { 442 | "id": "7EtASHNL5nRU" 443 | }, 444 | "source": [ 445 | "" 446 | ], 447 | "execution_count": null, 448 | "outputs": [] 449 | } 450 | ] 451 | } -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # Mixup Contrastive Learning 2 | 3 | Code for mixup contrastive learning framework for time series. The notebook "MixupContrastiveLearningExample.ipynb" illustrates how to perform the learning and test on some simple time series datasets. 4 | 5 | # Results on all univariate and multivariate datasets 6 | 7 | The folders UcrResults and UeaResults contains the results on all datasets in the UCR and UEA databases for all methods considered. They also containts the results across all 5 folds for the learning based methods. 8 | -------------------------------------------------------------------------------- /UcrResults/UCR_Accuracy_Results.csv: -------------------------------------------------------------------------------- 1 | ,HC,ED,CLG,CLD,MCL 2 | ACSF1,0.58,0.54,0.76,0.752,0.896 3 | Adiac,0.4117647,0.6113,0.5370844,0.54526854,0.6803069 4 | AllGestureWiimoteX,0.37285715,0.5157,0.5337143,0.5148571,0.65914285 5 | AllGestureWiimoteY,0.38,0.5686,0.5782857,0.548,0.726 6 | AllGestureWiimoteZ,0.29714286,0.4543,0.4062857,0.41085714,0.61542857 7 | ArrowHead,0.6514286,0.8,0.6068571,0.632,0.8217143 8 | BME,0.56,0.8333,0.66533333,0.6306667,0.9813333 9 | Beef,0.5,0.6667,0.42,0.43333334,0.6666667 10 | BeetleFly,0.95,0.75,0.76,0.72,0.75 11 | BirdChicken,0.7,0.55,0.94,0.94,0.82 12 | CBF,0.65555555,0.8522,0.9942222,0.996,0.94222224 13 | Car,0.41666666,0.7333,0.47666666,0.48,0.78 14 | Chinatown,0.5102041,0.9534,0.7090379,0.86763847,0.92594755 15 | ChlorineConcentration,0.446875,0.65,0.45739582,0.44927084,0.6585938 16 | CinCECGTorso,0.4963768,0.8971,0.52217394,0.52362317,0.723913 17 | Coffee,0.5714286,1.0,0.96428573,0.95714283,0.94285715 18 | Computers,0.576,0.576,0.5968,0.6088,0.6656 19 | CricketX,0.25897437,0.5769,0.5497436,0.52615386,0.71179485 20 | CricketY,0.17692308,0.5667,0.54,0.47128206,0.67538464 21 | CricketZ,0.25641027,0.5872,0.59589744,0.5194872,0.7246154 22 | Crop,0.47613096,0.7117,0.5407738,0.56159526,0.72667855 23 | DiatomSizeReduction,0.99346405,0.9346,0.8601307,0.84444445,0.86928105 24 | DistalPhalanxOutlineAgeGroup,0.6115108,0.6259,0.6906475,0.68345326,0.6172662 25 | DistalPhalanxOutlineCorrect,0.6702899,0.7174,0.70507246,0.7057971,0.65724635 26 | DistalPhalanxTW,0.48920864,0.6331,0.60431653,0.58417267,0.55107915 27 | DodgerLoopDay,0.3125,0.55,0.4075,0.44,0.49 28 | DodgerLoopGame,0.5942029,0.8841,0.7173913,0.6927536,0.7942029 29 | DodgerLoopWeekend,0.8115942,0.9855,0.9057971,0.8710145,0.9463768 30 | ECG200,0.72,0.88,0.802,0.768,0.868 31 | ECG5000,0.85244447,0.9249,0.9179556,0.9179556,0.92146665 32 | ECGFiveDays,0.72706157,0.7967,0.8585366,0.91335654,0.9400697 33 | EOGHorizontalSignal,0.29005525,0.4171,0.3635359,0.3569061,0.4436464 34 | EOGVerticalSignal,0.17127071,0.442,0.26243094,0.2524862,0.38066298 35 | Earthquakes,0.64028776,0.7122,0.6302158,0.64028776,0.6877698 36 | ElectricDevices,0.40915576,0.5508,0.5436649,0.5537025,0.61089355 37 | EthanolLevel,0.27,0.274,0.3196,0.3244,0.5128 38 | FaceAll,0.21420118,0.7136,0.65715975,0.66556215,0.7908876 39 | FaceFour,0.4090909,0.7841,0.6340909,0.8068182,0.8454546 40 | FacesUCR,0.3395122,0.7693,0.7550244,0.79034144,0.9058536 41 | FiftyWords,0.13186814,0.6308,0.37846154,0.37494504,0.60131866 42 | Fish,0.2742857,0.7829,0.65257144,0.64,0.8537143 43 | FordA,0.5272727,0.6652,0.81166667,0.7906061,0.8757576 44 | FordB,0.50864196,0.6062,0.6795062,0.6775309,0.72839504 45 | FreezerRegularTrain,0.9392983,0.8049,0.8991579,0.8965614,0.95957893 46 | FreezerSmallTrain,0.87789476,0.6758,0.6903158,0.6946667,0.78617543 47 | Fungi,0.39247313,0.8226,0.6956989,0.69139785,0.9311828 48 | GestureMidAirD1,0.13076924,0.5769,0.2876923,0.28,0.56461537 49 | GestureMidAirD2,0.1,0.4923,0.3,0.2846154,0.51076925 50 | GestureMidAirD3,0.10769231,0.3462,0.17692308,0.16307692,0.30153847 51 | GesturePebbleZ1,0.3372093,0.7326,0.69186044,0.6848837,0.68372095 52 | GesturePebbleZ2,0.34810126,0.6709,0.58101267,0.578481,0.6506329 53 | GunPoint,0.74,0.9133,0.84933335,0.8466667,0.99866664 54 | GunPointAgeSpan,0.70886075,0.8987,0.95,0.9582279,0.9936709 55 | GunPointMaleVersusFemale,0.8227848,0.9747,0.9848101,0.96392405,0.9987342 56 | GunPointOldVersusYoung,1.0,0.9524,1.0,1.0,0.9993651 57 | Ham,0.44761905,0.6,0.52190477,0.5561905,0.5695238 58 | HandOutlines,0.62972975,0.8622,0.69891894,0.69405407,0.8037838 59 | Haptics,0.25974026,0.3701,0.312987,0.30064934,0.42922077 60 | Herring,0.546875,0.5156,0.5125,0.5,0.56875 61 | HouseTwenty,0.47058824,0.6639,0.8739496,0.7697479,0.8857143 62 | InlineSkate,0.2709091,0.3418,0.29127273,0.29818183,0.40981817 63 | InsectEPGRegularTrain,1.0,0.6787,1.0,1.0,1.0 64 | InsectEPGSmallTrain,1.0,0.6627,1.0,1.0,1.0 65 | InsectWingbeatSound,0.13282828,0.5616,0.34626263,0.31656566,0.41757575 66 | ItalyPowerDemand,0.60932946,0.9553,0.913897,0.926725,0.93586004 67 | LargeKitchenAppliances,0.55733335,0.4933,0.73013335,0.74186665,0.7381333 68 | Lightning2,0.55737704,0.7541,0.757377,0.7508197,0.7836065 69 | Lightning7,0.42465752,0.5753,0.5452055,0.58082193,0.71780825 70 | Mallat,0.37654585,0.9143,0.8545842,0.84238803,0.82976544 71 | Meat,0.48333332,0.9333,0.87,0.86333334,0.8433333 72 | MedicalImages,0.43421054,0.6842,0.6181579,0.61026317,0.68026316 73 | MelbournePedestrian,0.42066422,0.8475,0.8512505,0.8529725,0.92677325 74 | MiddlePhalanxOutlineAgeGroup,0.47402596,0.5195,0.48701298,0.4922078,0.4844156 75 | MiddlePhalanxOutlineCorrect,0.6426117,0.7663,0.73264605,0.72646046,0.6707904 76 | MiddlePhalanxTW,0.41558442,0.513,0.45324674,0.46623376,0.4935065 77 | MixedShapesRegularTrain,0.43134022,0.8973,0.6044536,0.6034639,0.9225567 78 | MixedShapesSmallTrain,0.43670103,0.8355,0.53608245,0.53393817,0.8392577 79 | MoteStrain,0.7436102,0.8786,0.8463259,0.8399361,0.88083065 80 | NonInvasiveFetalECGThorax1,0.3394402,0.829,0.56722647,0.6113995,0.8417303 81 | NonInvasiveFetalECGThorax2,0.39745548,0.8799,0.6815267,0.68519086,0.87541986 82 | OSULeaf,0.37190083,0.5207,0.6595041,0.61322314,0.87024796 83 | OliveOil,0.33333334,0.8667,0.7133333,0.7,0.74 84 | PLAID,0.7039106,0.5233,0.5642458,0.5441341,0.76238364 85 | PhalangesOutlinesCorrect,0.63752913,0.7611,0.70582753,0.7275058,0.7104895 86 | Phoneme,0.09282701,0.1092,0.18892404,0.18744726,0.21772152 87 | PickupGestureWiimoteZ,0.48,0.56,0.548,0.564,0.668 88 | PigAirwayPressure,0.50961536,0.0577,0.33173078,0.30384615,0.3125 89 | PigArtPressure,0.6875,0.125,0.7182692,0.61923075,0.9625 90 | PigCVP,0.6298077,0.0817,0.44134617,0.4173077,0.85096157 91 | Plane,0.8,0.9619,0.96761906,0.96380955,0.9904762 92 | PowerCons,0.9166667,0.9333,0.93666667,0.93222225,0.9033333 93 | ProximalPhalanxOutlineAgeGroup,0.72195125,0.7854,0.77560973,0.78243905,0.76 94 | ProximalPhalanxOutlineCorrect,0.6838488,0.8076,0.747079,0.7683849,0.795189 95 | ProximalPhalanxTW,0.60487807,0.7073,0.7004878,0.6809756,0.6595122 96 | RefrigerationDevices,0.448,0.3947,0.4896,0.4576,0.47573334 97 | Rock,0.42,0.84,0.416,0.408,0.6 98 | ScreenType,0.38666666,0.36,0.41066667,0.41653332,0.47626665 99 | SemgHandGenderCh2,0.7783333,0.7617,0.79366666,0.77033335,0.828 100 | SemgHandMovementCh2,0.46666667,0.3689,0.5786667,0.55777776,0.6013333 101 | SemgHandSubjectCh2,0.55777776,0.4044,0.67777777,0.6586667,0.684 102 | ShakeGestureWiimoteZ,0.62,0.6,0.836,0.832,0.912 103 | ShapeletSim,0.45,0.5389,0.79,0.7511111,0.83111113 104 | ShapesAll,0.305,0.7517,0.639,0.62666667,0.83666664 105 | SmallKitchenAppliances,0.52,0.3413,0.67413336,0.66506666,0.71253335 106 | SmoothSubspace,0.8066667,0.9067,0.868,0.8693333,0.916 107 | SonyAIBORobotSurface1,0.6389351,0.6955,0.7906822,0.73510814,0.6652246 108 | SonyAIBORobotSurface2,0.64742917,0.8594,0.8253935,0.84679955,0.8289612 109 | StarLightCurves,0.847863,0.8488,0.8589607,0.85468674,0.9686498 110 | Strawberry,0.7027027,0.9459,0.86108106,0.8616216,0.9643243 111 | SwedishLeaf,0.344,0.7888,0.85504,0.83872,0.90016 112 | Symbols,0.3879397,0.8995,0.8279397,0.77286434,0.93829143 113 | SyntheticControl,0.42333335,0.88,0.984,0.988,0.9533333 114 | ToeSegmentation1,0.6315789,0.6798,0.80350876,0.7763158,0.9035088 115 | ToeSegmentation2,0.7076923,0.8077,0.84923077,0.7923077,0.9015385 116 | Trace,1.0,0.76,0.892,0.86,1.0 117 | TwoLeadECG,0.6733977,0.7471,0.7455663,0.7171203,0.8974539 118 | TwoPatterns,0.282,0.9068,0.96625,0.96055,0.8818 119 | UMD,0.9444444,0.7639,0.85694444,0.8513889,0.9736111 120 | UWaveGestureLibraryAll,0.18872139,0.9481,0.4639866,0.44304857,0.75695145 121 | UWaveGestureLibraryX,0.22445561,0.7393,0.5432161,0.48581797,0.7445561 122 | UWaveGestureLibraryY,0.21300949,0.6616,0.4828029,0.4372976,0.6698492 123 | UWaveGestureLibraryZ,0.22389726,0.6496,0.5309883,0.50201005,0.70044667 124 | Wafer,0.9516548,0.9955,0.9811486,0.98062944,0.99234265 125 | Wine,0.4814815,0.6111,0.63703704,0.6074074,0.6074074 126 | WordSynonyms,0.17398119,0.6176,0.39498433,0.38965517,0.6050157 127 | Worms,0.5584416,0.4545,0.6025974,0.5558441,0.7818182 128 | WormsTwoClass,0.64935064,0.6104,0.64155847,0.6363636,0.8155844 129 | Yoga,0.6013333,0.8303,0.7524,0.7556667,0.79406667 130 | -------------------------------------------------------------------------------- /UcrResults/UCR_CL_ACC_5Folds_Drop.csv: -------------------------------------------------------------------------------- 1 | Dataset,Fold 1,Fold 2,Fold 3,Fold 4,Fold 5 2 | ACSF1,0.72,0.76,0.75,0.78,0.75 3 | Adiac,0.5728900255754475,0.5396419437340153,0.5345268542199488,0.5319693094629157,0.5473145780051151 4 | AllGestureWiimoteX,0.5071428571428571,0.5057142857142857,0.53,0.51,0.5214285714285715 5 | AllGestureWiimoteY,0.5428571428571428,0.5514285714285714,0.5614285714285714,0.5528571428571428,0.5314285714285715 6 | AllGestureWiimoteZ,0.41,0.4042857142857143,0.4185714285714286,0.40285714285714286,0.4185714285714286 7 | ArrowHead,0.6228571428571429,0.6285714285714286,0.6571428571428571,0.5771428571428572,0.6742857142857143 8 | BME,0.6666666666666666,0.6133333333333333,0.6133333333333333,0.6133333333333333,0.6466666666666666 9 | Beef,0.43333333333333335,0.4666666666666667,0.4,0.4666666666666667,0.4 10 | BeetleFly,0.75,0.7,0.75,0.65,0.75 11 | BirdChicken,0.95,0.9,0.95,1.0,0.9 12 | CBF,0.9933333333333333,0.9922222222222222,0.9988888888888889,1.0,0.9955555555555555 13 | Car,0.48333333333333334,0.48333333333333334,0.5333333333333333,0.43333333333333335,0.4666666666666667 14 | Chinatown,0.9300291545189504,0.7813411078717201,0.8979591836734694,0.8483965014577259,0.880466472303207 15 | ChlorineConcentration,0.45755208333333336,0.43411458333333336,0.46171875,0.44947916666666665,0.4434895833333333 16 | CinCECGTorso,0.5289855072463768,0.527536231884058,0.5260869565217391,0.5123188405797101,0.5231884057971015 17 | Coffee,0.9642857142857143,0.9285714285714286,0.9642857142857143,0.9642857142857143,0.9642857142857143 18 | Computers,0.616,0.592,0.604,0.624,0.608 19 | CricketX,0.5153846153846153,0.5256410256410257,0.5358974358974359,0.5333333333333333,0.5205128205128206 20 | CricketY,0.4794871794871795,0.5025641025641026,0.44871794871794873,0.47692307692307695,0.44871794871794873 21 | CricketZ,0.5487179487179488,0.5487179487179488,0.5128205128205128,0.47692307692307695,0.5102564102564102 22 | Crop,0.589047619047619,0.5555357142857142,0.5354761904761904,0.5825,0.5454166666666667 23 | DiatomSizeReduction,0.8398692810457516,0.8529411764705882,0.8529411764705882,0.8235294117647058,0.8529411764705882 24 | DistalPhalanxOutlineAgeGroup,0.6690647482014388,0.7266187050359713,0.6906474820143885,0.6402877697841727,0.6906474820143885 25 | DistalPhalanxOutlineCorrect,0.717391304347826,0.6992753623188406,0.7065217391304348,0.6956521739130435,0.7101449275362319 26 | DistalPhalanxTW,0.5611510791366906,0.5827338129496403,0.5755395683453237,0.5827338129496403,0.6187050359712231 27 | DodgerLoopDay,0.425,0.45,0.5,0.4125,0.4125 28 | DodgerLoopGame,0.7463768115942029,0.6014492753623188,0.6884057971014492,0.7246376811594203,0.7028985507246377 29 | DodgerLoopWeekend,0.8478260869565217,0.9347826086956522,0.8913043478260869,0.8768115942028986,0.8043478260869565 30 | ECG200,0.79,0.79,0.76,0.74,0.76 31 | ECG5000,0.916,0.9191111111111111,0.9184444444444444,0.9215555555555556,0.9146666666666666 32 | ECGFiveDays,0.9047619047619048,0.9175377468060395,0.9198606271777003,0.8943089430894309,0.9303135888501742 33 | EOGHorizontalSignal,0.3756906077348066,0.36464088397790057,0.3287292817679558,0.3425414364640884,0.3729281767955801 34 | EOGVerticalSignal,0.2430939226519337,0.2430939226519337,0.2569060773480663,0.2569060773480663,0.26243093922651933 35 | Earthquakes,0.6834532374100719,0.60431654676259,0.6330935251798561,0.6546762589928058,0.6258992805755396 36 | ElectricDevices,0.5602386201530282,0.5690571910258073,0.5511606795486966,0.5272986642458825,0.5607573596161328 37 | EthanolLevel,0.278,0.35,0.312,0.32,0.362 38 | FaceAll,0.6674556213017752,0.6674556213017752,0.676923076923077,0.6644970414201183,0.6514792899408284 39 | FaceFour,0.8295454545454546,0.7954545454545454,0.8068181818181818,0.8181818181818182,0.7840909090909091 40 | FacesUCR,0.7678048780487805,0.7946341463414635,0.775609756097561,0.784390243902439,0.8292682926829268 41 | FiftyWords,0.378021978021978,0.3802197802197802,0.3934065934065934,0.35824175824175825,0.3648351648351648 42 | Fish,0.6742857142857143,0.6285714285714286,0.6228571428571429,0.6457142857142857,0.6285714285714286 43 | FordA,0.753030303030303,0.8075757575757576,0.7340909090909091,0.8143939393939394,0.843939393939394 44 | FordB,0.6419753086419753,0.6555555555555556,0.6962962962962963,0.7580246913580246,0.6358024691358025 45 | FreezerRegularTrain,0.9119298245614035,0.8719298245614036,0.9003508771929825,0.9014035087719299,0.8971929824561403 46 | FreezerSmallTrain,0.6915789473684211,0.6891228070175439,0.6978947368421052,0.6971929824561404,0.6975438596491228 47 | Fungi,0.6935483870967742,0.7419354838709677,0.6451612903225806,0.7204301075268817,0.6559139784946236 48 | GestureMidAirD1,0.27692307692307694,0.27692307692307694,0.25384615384615383,0.27692307692307694,0.3153846153846154 49 | GestureMidAirD2,0.2923076923076923,0.25384615384615383,0.2846153846153846,0.3153846153846154,0.27692307692307694 50 | GestureMidAirD3,0.16153846153846155,0.17692307692307693,0.16153846153846155,0.14615384615384616,0.16923076923076924 51 | GesturePebbleZ1,0.6744186046511628,0.686046511627907,0.6686046511627907,0.6744186046511628,0.7209302325581395 52 | GesturePebbleZ2,0.569620253164557,0.5379746835443038,0.5949367088607594,0.6075949367088608,0.5822784810126582 53 | GunPoint,0.8666666666666667,0.8333333333333334,0.8266666666666667,0.84,0.8666666666666667 54 | GunPointAgeSpan,0.9556962025316456,0.9556962025316456,0.9620253164556962,0.9588607594936709,0.9588607594936709 55 | GunPointMaleVersusFemale,0.9746835443037974,0.9525316455696202,0.9493670886075949,0.9525316455696202,0.990506329113924 56 | GunPointOldVersusYoung,1.0,1.0,1.0,1.0,1.0 57 | Ham,0.5142857142857142,0.5333333333333333,0.6,0.5428571428571428,0.5904761904761905 58 | HandOutlines,0.7135135135135136,0.7,0.6432432432432432,0.6756756756756757,0.7378378378378379 59 | Haptics,0.31493506493506496,0.2857142857142857,0.275974025974026,0.3344155844155844,0.2922077922077922 60 | Herring,0.484375,0.515625,0.5625,0.4375,0.5 61 | HouseTwenty,0.9159663865546218,0.7478991596638656,0.7394957983193278,0.7815126050420168,0.6638655462184874 62 | InlineSkate,0.3090909090909091,0.3054545454545455,0.2909090909090909,0.29454545454545455,0.2909090909090909 63 | InsectEPGRegularTrain,1.0,1.0,1.0,1.0,1.0 64 | InsectEPGSmallTrain,1.0,1.0,1.0,1.0,1.0 65 | InsectWingbeatSound,0.3181818181818182,0.3106060606060606,0.33181818181818185,0.295959595959596,0.32626262626262625 66 | ItalyPowerDemand,0.9086491739552964,0.9261418853255587,0.956268221574344,0.9290573372206026,0.9135082604470359 67 | LargeKitchenAppliances,0.7093333333333334,0.712,0.7733333333333333,0.8026666666666666,0.712 68 | Lightning2,0.7377049180327869,0.7868852459016393,0.7377049180327869,0.7377049180327869,0.7540983606557377 69 | Lightning7,0.589041095890411,0.5616438356164384,0.6301369863013698,0.547945205479452,0.5753424657534246 70 | Mallat,0.8788912579957356,0.826865671641791,0.8191897654584221,0.8183368869936034,0.8686567164179104 71 | Meat,0.8666666666666667,0.85,0.8833333333333333,0.85,0.8666666666666667 72 | MedicalImages,0.6197368421052631,0.5907894736842105,0.6407894736842106,0.6328947368421053,0.5671052631578948 73 | MelbournePedestrian,0.8585485854858549,0.8556785567855678,0.8511685116851169,0.8503485034850349,0.8491184911849119 74 | MiddlePhalanxOutlineAgeGroup,0.461038961038961,0.45454545454545453,0.5,0.5194805194805194,0.525974025974026 75 | MiddlePhalanxOutlineCorrect,0.718213058419244,0.7079037800687286,0.7319587628865979,0.7353951890034365,0.738831615120275 76 | MiddlePhalanxTW,0.4675324675324675,0.44805194805194803,0.474025974025974,0.4675324675324675,0.474025974025974 77 | MixedShapesRegularTrain,0.5979381443298969,0.5901030927835051,0.6078350515463917,0.5905154639175257,0.6309278350515464 78 | MixedShapesSmallTrain,0.5228865979381443,0.5311340206185567,0.528659793814433,0.5443298969072164,0.5426804123711341 79 | MoteStrain,0.8274760383386581,0.8594249201277955,0.8282747603833865,0.8506389776357828,0.8338658146964856 80 | NonInvasiveFetalECGThorax1,0.6244274809160305,0.5608142493638677,0.616793893129771,0.6819338422391857,0.573027989821883 81 | NonInvasiveFetalECGThorax2,0.7480916030534351,0.6951653944020356,0.611704834605598,0.6427480916030535,0.7282442748091603 82 | OSULeaf,0.6074380165289256,0.6239669421487604,0.6157024793388429,0.6239669421487604,0.5950413223140496 83 | OliveOil,0.7,0.7,0.6666666666666666,0.7,0.7333333333333333 84 | PLAID,0.5363128491620112,0.5363128491620112,0.5623836126629422,0.5363128491620112,0.5493482309124768 85 | PhalangesOutlinesCorrect,0.7365967365967366,0.7144522144522144,0.7354312354312355,0.7062937062937062,0.7447552447552448 86 | Phoneme,0.19040084388185655,0.18618143459915612,0.18565400843881857,0.19198312236286919,0.18301687763713081 87 | PickupGestureWiimoteZ,0.56,0.56,0.56,0.54,0.6 88 | PigAirwayPressure,0.32211538461538464,0.2980769230769231,0.28365384615384615,0.3173076923076923,0.2980769230769231 89 | PigArtPressure,0.6153846153846154,0.5721153846153846,0.6346153846153846,0.6153846153846154,0.6586538461538461 90 | PigCVP,0.40865384615384615,0.41346153846153844,0.42788461538461536,0.41346153846153844,0.4230769230769231 91 | Plane,0.9619047619047619,0.9714285714285714,0.9619047619047619,0.9714285714285714,0.9523809523809523 92 | PowerCons,0.9388888888888889,0.9333333333333333,0.9277777777777778,0.9444444444444444,0.9166666666666666 93 | ProximalPhalanxOutlineAgeGroup,0.8,0.7707317073170732,0.7951219512195122,0.7609756097560976,0.7853658536585366 94 | ProximalPhalanxOutlineCorrect,0.7835051546391752,0.7525773195876289,0.7663230240549829,0.7731958762886598,0.7663230240549829 95 | ProximalPhalanxTW,0.7024390243902439,0.6731707317073171,0.6731707317073171,0.6829268292682927,0.6731707317073171 96 | RefrigerationDevices,0.4666666666666667,0.45866666666666667,0.488,0.44,0.43466666666666665 97 | Rock,0.46,0.4,0.4,0.38,0.4 98 | ScreenType,0.38666666666666666,0.4026666666666667,0.448,0.408,0.43733333333333335 99 | SemgHandGenderCh2,0.7833333333333333,0.7733333333333333,0.7966666666666666,0.7266666666666667,0.7716666666666666 100 | SemgHandMovementCh2,0.52,0.5666666666666667,0.5666666666666667,0.58,0.5555555555555556 101 | SemgHandSubjectCh2,0.6977777777777778,0.64,0.6444444444444445,0.6911111111111111,0.62 102 | ShakeGestureWiimoteZ,0.86,0.86,0.76,0.88,0.8 103 | ShapeletSim,0.7166666666666667,0.8444444444444444,0.7444444444444445,0.6888888888888889,0.7611111111111111 104 | ShapesAll,0.6233333333333333,0.675,0.6266666666666667,0.5716666666666667,0.6366666666666667 105 | SmallKitchenAppliances,0.672,0.6613333333333333,0.6453333333333333,0.6506666666666666,0.696 106 | SmoothSubspace,0.8866666666666667,0.8666666666666667,0.8866666666666667,0.86,0.8466666666666667 107 | SonyAIBORobotSurface1,0.800332778702163,0.6256239600665557,0.7054908485856906,0.8019966722129783,0.7420965058236273 108 | SonyAIBORobotSurface2,0.7932843651626443,0.7995802728226653,0.8719832109129066,0.8919202518363064,0.8772298006295908 109 | StarLightCurves,0.8624332200097135,0.8479844584749878,0.8570908207867897,0.8617047110247693,0.8442204953861098 110 | Strawberry,0.8621621621621621,0.8648648648648649,0.8648648648648649,0.8648648648648649,0.8513513513513513 111 | SwedishLeaf,0.856,0.8128,0.8592,0.8224,0.8432 112 | Symbols,0.7638190954773869,0.8180904522613065,0.8050251256281407,0.7326633165829146,0.7447236180904523 113 | SyntheticControl,0.9866666666666667,0.9866666666666667,0.99,0.9866666666666667,0.99 114 | ToeSegmentation1,0.793859649122807,0.7675438596491229,0.7192982456140351,0.8114035087719298,0.7894736842105263 115 | ToeSegmentation2,0.8076923076923077,0.8153846153846154,0.8,0.7,0.8384615384615385 116 | Trace,0.82,0.85,0.87,0.91,0.85 117 | TwoLeadECG,0.6935908691834943,0.7164179104477612,0.7383669885864794,0.713784021071115,0.723441615452151 118 | TwoPatterns,0.96175,0.95575,0.959,0.97125,0.955 119 | UMD,0.7916666666666666,0.8680555555555556,0.8541666666666666,0.8958333333333334,0.8472222222222222 120 | UWaveGestureLibraryAll,0.45616973757677276,0.43941931881630375,0.3969849246231156,0.44974874371859297,0.47292015633724177 121 | UWaveGestureLibraryX,0.48213288665549975,0.5647682858738136,0.45589056393076494,0.46984924623115576,0.4564489112227806 122 | UWaveGestureLibraryY,0.46789503070910105,0.4257398101619207,0.43132328308207707,0.44500279173646007,0.4165270798436628 123 | UWaveGestureLibraryZ,0.5120044667783361,0.5446677833612507,0.48213288665549975,0.4888330541596873,0.4824120603015075 124 | Wafer,0.9836145360155742,0.982154445165477,0.97809863724854,0.9797209604153148,0.9795587280986372 125 | Wine,0.6296296296296297,0.6481481481481481,0.5740740740740741,0.6666666666666666,0.5185185185185185 126 | WordSynonyms,0.3824451410658307,0.390282131661442,0.41849529780564265,0.38087774294670845,0.3761755485893417 127 | Worms,0.5584415584415584,0.5974025974025974,0.5324675324675324,0.5324675324675324,0.5584415584415584 128 | WormsTwoClass,0.6363636363636364,0.6623376623376623,0.6363636363636364,0.5974025974025974,0.6493506493506493 129 | Yoga,0.7696666666666667,0.7436666666666667,0.7623333333333333,0.7436666666666667,0.759 130 | -------------------------------------------------------------------------------- /UcrResults/UCR_CL_ACC_5Folds_Gauss.csv: -------------------------------------------------------------------------------- 1 | Dataset,Fold 1,Fold 2,Fold 3,Fold 4,Fold 5 2 | ACSF1,0.76,0.74,0.75,0.76,0.79 3 | Adiac,0.5575447570332481,0.5217391304347826,0.5396419437340153,0.5421994884910486,0.5242966751918159 4 | AllGestureWiimoteX,0.5357142857142857,0.5285714285714286,0.5257142857142857,0.5428571428571428,0.5357142857142857 5 | AllGestureWiimoteY,0.5685714285714286,0.5842857142857143,0.5557142857142857,0.5742857142857143,0.6085714285714285 6 | AllGestureWiimoteZ,0.42,0.42142857142857143,0.4142857142857143,0.38571428571428573,0.39 7 | ArrowHead,0.5885714285714285,0.6,0.6228571428571429,0.5885714285714285,0.6342857142857142 8 | BME,0.66,0.64,0.6533333333333333,0.6933333333333334,0.68 9 | Beef,0.4,0.5,0.4,0.4,0.4 10 | BeetleFly,0.75,0.75,0.75,0.75,0.8 11 | BirdChicken,1.0,0.95,0.95,0.95,0.85 12 | CBF,0.9966666666666667,0.99,0.9977777777777778,0.9922222222222222,0.9944444444444445 13 | Car,0.45,0.48333333333333334,0.48333333333333334,0.4666666666666667,0.5 14 | Chinatown,0.6297376093294461,0.8425655976676385,0.6997084548104956,0.6793002915451894,0.6938775510204082 15 | ChlorineConcentration,0.471875,0.46380208333333334,0.4544270833333333,0.4513020833333333,0.44557291666666665 16 | CinCECGTorso,0.5181159420289855,0.5304347826086957,0.5101449275362319,0.5210144927536232,0.5311594202898551 17 | Coffee,0.9642857142857143,0.9642857142857143,0.9642857142857143,0.9642857142857143,0.9642857142857143 18 | Computers,0.576,0.6,0.604,0.588,0.616 19 | CricketX,0.5282051282051282,0.5435897435897435,0.5692307692307692,0.5692307692307692,0.5384615384615384 20 | CricketY,0.517948717948718,0.5384615384615384,0.5307692307692308,0.541025641025641,0.5717948717948718 21 | CricketZ,0.5948717948717949,0.5897435897435898,0.5692307692307692,0.6358974358974359,0.5897435897435898 22 | Crop,0.5457142857142857,0.554404761904762,0.5392857142857143,0.5122023809523809,0.5522619047619047 23 | DiatomSizeReduction,0.8333333333333334,0.8594771241830066,0.8823529411764706,0.9248366013071896,0.8006535947712419 24 | DistalPhalanxOutlineAgeGroup,0.6906474820143885,0.7050359712230215,0.6762589928057554,0.6834532374100719,0.697841726618705 25 | DistalPhalanxOutlineCorrect,0.6811594202898551,0.7391304347826086,0.7210144927536232,0.6956521739130435,0.6884057971014492 26 | DistalPhalanxTW,0.5899280575539568,0.5899280575539568,0.60431654676259,0.6115107913669064,0.6258992805755396 27 | DodgerLoopDay,0.45,0.4875,0.375,0.3375,0.3875 28 | DodgerLoopGame,0.7391304347826086,0.717391304347826,0.7246376811594203,0.6739130434782609,0.7318840579710145 29 | DodgerLoopWeekend,0.782608695652174,0.9202898550724637,0.9347826086956522,0.9492753623188406,0.9420289855072463 30 | ECG200,0.78,0.82,0.79,0.79,0.83 31 | ECG5000,0.9195555555555556,0.9186666666666666,0.9215555555555556,0.9217777777777778,0.9082222222222223 32 | ECGFiveDays,0.8524970963995354,0.883855981416957,0.8559814169570267,0.8362369337979094,0.8641114982578397 33 | EOGHorizontalSignal,0.3729281767955801,0.3453038674033149,0.3425414364640884,0.3756906077348066,0.3812154696132597 34 | EOGVerticalSignal,0.2569060773480663,0.26243093922651933,0.26795580110497236,0.26795580110497236,0.2569060773480663 35 | Earthquakes,0.6474820143884892,0.6690647482014388,0.6187050359712231,0.60431654676259,0.6115107913669064 36 | ElectricDevices,0.5219815847490598,0.5691868758915835,0.5388406172999611,0.5378031383737518,0.5505122552198158 37 | EthanolLevel,0.292,0.31,0.31,0.318,0.368 38 | FaceAll,0.6378698224852071,0.670414201183432,0.6248520710059171,0.6875739644970414,0.6650887573964497 39 | FaceFour,0.7045454545454546,0.6590909090909091,0.625,0.6136363636363636,0.5681818181818182 40 | FacesUCR,0.7429268292682927,0.7614634146341464,0.7663414634146342,0.7746341463414634,0.7297560975609756 41 | FiftyWords,0.34505494505494505,0.35384615384615387,0.4,0.3978021978021978,0.3956043956043956 42 | Fish,0.6571428571428571,0.6628571428571428,0.7371428571428571,0.5828571428571429,0.6228571428571429 43 | FordA,0.7333333333333333,0.8628787878787879,0.7924242424242425,0.8068181818181818,0.8628787878787879 44 | FordB,0.6703703703703704,0.6691358024691358,0.6790123456790124,0.7049382716049383,0.674074074074074 45 | FreezerRegularTrain,0.9017543859649123,0.9094736842105263,0.8996491228070176,0.8821052631578947,0.9028070175438596 46 | FreezerSmallTrain,0.6894736842105263,0.6971929824561404,0.6919298245614035,0.6856140350877193,0.6873684210526316 47 | Fungi,0.6774193548387096,0.7473118279569892,0.6720430107526881,0.6881720430107527,0.6935483870967742 48 | GestureMidAirD1,0.2846153846153846,0.3076923076923077,0.27692307692307694,0.27692307692307694,0.2923076923076923 49 | GestureMidAirD2,0.24615384615384617,0.3076923076923077,0.3153846153846154,0.3076923076923077,0.3230769230769231 50 | GestureMidAirD3,0.16153846153846155,0.16923076923076924,0.17692307692307693,0.19230769230769232,0.18461538461538463 51 | GesturePebbleZ1,0.7093023255813954,0.7034883720930233,0.6569767441860465,0.6918604651162791,0.6976744186046512 52 | GesturePebbleZ2,0.5569620253164557,0.6139240506329114,0.569620253164557,0.5886075949367089,0.5759493670886076 53 | GunPoint,0.8466666666666667,0.86,0.8533333333333334,0.8133333333333334,0.8733333333333333 54 | GunPointAgeSpan,0.9588607594936709,0.9430379746835443,0.9525316455696202,0.9493670886075949,0.9462025316455697 55 | GunPointMaleVersusFemale,0.9936708860759493,0.9683544303797469,0.9746835443037974,0.9936708860759493,0.9936708860759493 56 | GunPointOldVersusYoung,1.0,1.0,1.0,1.0,1.0 57 | Ham,0.5238095238095238,0.5238095238095238,0.4666666666666667,0.5428571428571428,0.5523809523809524 58 | HandOutlines,0.7027027027027027,0.7054054054054054,0.7189189189189189,0.6513513513513514,0.7162162162162162 59 | Haptics,0.35714285714285715,0.275974025974026,0.33766233766233766,0.2824675324675325,0.3116883116883117 60 | Herring,0.484375,0.546875,0.46875,0.578125,0.484375 61 | HouseTwenty,0.8235294117647058,0.9327731092436975,0.8319327731092437,0.8571428571428571,0.9243697478991597 62 | InlineSkate,0.2872727272727273,0.2927272727272727,0.28909090909090907,0.29818181818181816,0.28909090909090907 63 | InsectEPGRegularTrain,1.0,1.0,1.0,1.0,1.0 64 | InsectEPGSmallTrain,1.0,1.0,1.0,1.0,1.0 65 | InsectWingbeatSound,0.3202020202020202,0.3939393939393939,0.3611111111111111,0.3242424242424242,0.33181818181818185 66 | ItalyPowerDemand,0.8872691933916423,0.9329446064139941,0.9397473275024295,0.902818270165209,0.9067055393586005 67 | LargeKitchenAppliances,0.728,0.776,0.6853333333333333,0.7226666666666667,0.7386666666666667 68 | Lightning2,0.7704918032786885,0.7704918032786885,0.7213114754098361,0.7540983606557377,0.7704918032786885 69 | Lightning7,0.5068493150684932,0.547945205479452,0.5616438356164384,0.547945205479452,0.5616438356164384 70 | Mallat,0.8490405117270788,0.7769722814498934,0.8874200426439233,0.8942430703624733,0.8652452025586354 71 | Meat,0.9166666666666666,0.85,0.8833333333333333,0.8666666666666667,0.8333333333333334 72 | MedicalImages,0.6328947368421053,0.6092105263157894,0.6039473684210527,0.6078947368421053,0.6368421052631579 73 | MelbournePedestrian,0.8171381713817139,0.8618286182861828,0.8724887248872488,0.8482984829848298,0.8564985649856498 74 | MiddlePhalanxOutlineAgeGroup,0.45454545454545453,0.525974025974026,0.512987012987013,0.487012987012987,0.45454545454545453 75 | MiddlePhalanxOutlineCorrect,0.718213058419244,0.738831615120275,0.7353951890034365,0.711340206185567,0.7594501718213058 76 | MiddlePhalanxTW,0.4935064935064935,0.4155844155844156,0.45454545454545453,0.45454545454545453,0.44805194805194803 77 | MixedShapesRegularTrain,0.5991752577319588,0.5901030927835051,0.589278350515464,0.6325773195876289,0.6111340206185567 78 | MixedShapesSmallTrain,0.5274226804123712,0.5517525773195876,0.5352577319587629,0.5257731958762887,0.5402061855670103 79 | MoteStrain,0.8458466453674122,0.8857827476038339,0.8362619808306709,0.8083067092651757,0.8554313099041534 80 | NonInvasiveFetalECGThorax1,0.5226463104325699,0.5414758269720101,0.6173027989821883,0.5882951653944021,0.566412213740458 81 | NonInvasiveFetalECGThorax2,0.6544529262086514,0.7379134860050891,0.7139949109414758,0.5603053435114503,0.7409669211195928 82 | OSULeaf,0.7107438016528925,0.6115702479338843,0.6528925619834711,0.6694214876033058,0.6528925619834711 83 | OliveOil,0.8,0.7,0.5666666666666667,0.7333333333333333,0.7666666666666667 84 | PLAID,0.5754189944134078,0.5884543761638734,0.5847299813780261,0.5363128491620112,0.5363128491620112 85 | PhalangesOutlinesCorrect,0.7144522144522144,0.6934731934731935,0.6946386946386947,0.7319347319347319,0.6946386946386947 86 | Phoneme,0.19040084388185655,0.19567510548523206,0.19145569620253164,0.18037974683544303,0.18670886075949367 87 | PickupGestureWiimoteZ,0.54,0.56,0.54,0.54,0.56 88 | PigAirwayPressure,0.3317307692307692,0.3701923076923077,0.3317307692307692,0.3317307692307692,0.2932692307692308 89 | PigArtPressure,0.7211538461538461,0.7115384615384616,0.7451923076923077,0.7115384615384616,0.7019230769230769 90 | PigCVP,0.4182692307692308,0.4567307692307692,0.46634615384615385,0.4182692307692308,0.44711538461538464 91 | Plane,0.9523809523809523,1.0,0.9619047619047619,0.9619047619047619,0.9619047619047619 92 | PowerCons,0.9388888888888889,0.9,0.9611111111111111,0.9333333333333333,0.95 93 | ProximalPhalanxOutlineAgeGroup,0.8,0.751219512195122,0.7804878048780488,0.7902439024390244,0.7560975609756098 94 | ProximalPhalanxOutlineCorrect,0.7491408934707904,0.7422680412371134,0.7628865979381443,0.718213058419244,0.7628865979381443 95 | ProximalPhalanxTW,0.6926829268292682,0.7219512195121951,0.7121951219512195,0.6926829268292682,0.6829268292682927 96 | RefrigerationDevices,0.5093333333333333,0.48,0.49866666666666665,0.45866666666666667,0.5013333333333333 97 | Rock,0.4,0.4,0.42,0.42,0.44 98 | ScreenType,0.3973333333333333,0.424,0.4,0.4106666666666667,0.42133333333333334 99 | SemgHandGenderCh2,0.81,0.7783333333333333,0.7783333333333333,0.815,0.7866666666666666 100 | SemgHandMovementCh2,0.5733333333333334,0.5733333333333334,0.5911111111111111,0.5822222222222222,0.5733333333333334 101 | SemgHandSubjectCh2,0.6777777777777778,0.6844444444444444,0.7044444444444444,0.6622222222222223,0.66 102 | ShakeGestureWiimoteZ,0.88,0.82,0.8,0.82,0.86 103 | ShapeletSim,0.7722222222222223,0.8666666666666667,0.7555555555555555,0.7388888888888889,0.8166666666666667 104 | ShapesAll,0.6033333333333334,0.68,0.6483333333333333,0.645,0.6183333333333333 105 | SmallKitchenAppliances,0.664,0.6746666666666666,0.688,0.68,0.664 106 | SmoothSubspace,0.88,0.8533333333333334,0.82,0.8866666666666667,0.9 107 | SonyAIBORobotSurface1,0.831946755407654,0.8136439267886856,0.7587354409317804,0.7870216306156406,0.762063227953411 108 | SonyAIBORobotSurface2,0.7922350472193075,0.8394543546694648,0.838405036726128,0.8730325288562435,0.7838405036726128 109 | StarLightCurves,0.8638902379796017,0.8536911121903836,0.850412821758135,0.8630403108305003,0.8637688198154444 110 | Strawberry,0.8621621621621621,0.8702702702702703,0.8648648648648649,0.8486486486486486,0.8594594594594595 111 | SwedishLeaf,0.8592,0.84,0.856,0.8704,0.8496 112 | Symbols,0.8201005025125628,0.8241206030150754,0.8542713567839196,0.7949748743718593,0.8462311557788945 113 | SyntheticControl,0.9766666666666667,0.9766666666666667,0.99,0.9866666666666667,0.99 114 | ToeSegmentation1,0.7719298245614035,0.8026315789473685,0.7719298245614035,0.8114035087719298,0.8596491228070176 115 | ToeSegmentation2,0.8307692307692308,0.8538461538461538,0.8384615384615385,0.8538461538461538,0.8692307692307693 116 | Trace,0.88,0.9,0.92,0.9,0.86 117 | TwoLeadECG,0.6988586479367866,0.7339771729587358,0.7374890254609306,0.7673397717295873,0.7901668129938543 118 | TwoPatterns,0.96575,0.9615,0.9615,0.9685,0.974 119 | UMD,0.8819444444444444,0.8472222222222222,0.9097222222222222,0.7986111111111112,0.8472222222222222 120 | UWaveGestureLibraryAll,0.4396984924623116,0.4871580122836404,0.4385817978782803,0.4944165270798437,0.4600781686208822 121 | UWaveGestureLibraryX,0.568676716917923,0.5672808486878839,0.5041876046901173,0.4812953657174763,0.5946398659966499 122 | UWaveGestureLibraryY,0.47571189279731996,0.5142378559463987,0.4637074260189838,0.5005583472920156,0.45979899497487436 123 | UWaveGestureLibraryZ,0.49022892238972643,0.5491345616973757,0.5120044667783361,0.541038525963149,0.562534896705751 124 | Wafer,0.9823166774821545,0.9790720311486047,0.982154445165477,0.9831278390655419,0.9790720311486047 125 | Wine,0.6851851851851852,0.6481481481481481,0.5925925925925926,0.6666666666666666,0.5925925925925926 126 | WordSynonyms,0.39655172413793105,0.4043887147335423,0.3871473354231975,0.3996865203761755,0.3871473354231975 127 | Worms,0.6233766233766234,0.5844155844155844,0.6233766233766234,0.6233766233766234,0.5584415584415584 128 | WormsTwoClass,0.6623376623376623,0.6233766233766234,0.6493506493506493,0.6363636363636364,0.6363636363636364 129 | Yoga,0.729,0.7726666666666666,0.757,0.7573333333333333,0.746 130 | -------------------------------------------------------------------------------- /UcrResults/UCR_MCL_ACC_5Folds.csv: -------------------------------------------------------------------------------- 1 | Dataset,Fold 1,Fold 2,Fold 3,Fold 4,Fold 5 2 | ACSF1,0.91,0.88,0.89,0.9,0.9 3 | Adiac,0.6828644501278772,0.6930946291560103,0.639386189258312,0.6828644501278772,0.7033248081841432 4 | AllGestureWiimoteX,0.64,0.6585714285714286,0.6757142857142857,0.6628571428571428,0.6585714285714286 5 | AllGestureWiimoteY,0.7057142857142857,0.7328571428571429,0.71,0.7428571428571429,0.7385714285714285 6 | AllGestureWiimoteZ,0.6228571428571429,0.6314285714285715,0.6114285714285714,0.6257142857142857,0.5857142857142857 7 | ArrowHead,0.8114285714285714,0.8171428571428572,0.8114285714285714,0.8457142857142858,0.8228571428571428 8 | BME,0.9733333333333334,0.98,0.9866666666666667,0.9733333333333334,0.9933333333333333 9 | Beef,0.6666666666666666,0.6666666666666666,0.6666666666666666,0.7333333333333333,0.6 10 | BeetleFly,0.8,0.8,0.75,0.65,0.75 11 | BirdChicken,0.8,0.8,0.85,0.8,0.85 12 | CBF,0.95,0.9433333333333334,0.9366666666666666,0.9433333333333334,0.9377777777777778 13 | Car,0.8,0.7666666666666667,0.7833333333333333,0.7833333333333333,0.7666666666666667 14 | Chinatown,0.9533527696793003,0.9008746355685131,0.924198250728863,0.9212827988338192,0.9300291545189504 15 | ChlorineConcentration,0.65625,0.6653645833333334,0.6682291666666667,0.6536458333333334,0.6494791666666667 16 | CinCECGTorso,0.7434782608695653,0.7072463768115942,0.7007246376811594,0.7471014492753624,0.7210144927536232 17 | Coffee,0.9642857142857143,0.9642857142857143,0.9285714285714286,0.9642857142857143,0.8928571428571429 18 | Computers,0.668,0.664,0.64,0.684,0.672 19 | CricketX,0.7128205128205128,0.7051282051282052,0.7230769230769231,0.7282051282051282,0.6897435897435897 20 | CricketY,0.6743589743589744,0.6871794871794872,0.6743589743589744,0.6333333333333333,0.7076923076923077 21 | CricketZ,0.7333333333333333,0.7384615384615385,0.6923076923076923,0.7153846153846154,0.7435897435897436 22 | Crop,0.7261309523809524,0.7283333333333334,0.7246428571428571,0.7275595238095238,0.7267261904761905 23 | DiatomSizeReduction,0.8725490196078431,0.8627450980392157,0.8725490196078431,0.8431372549019608,0.8954248366013072 24 | DistalPhalanxOutlineAgeGroup,0.5971223021582733,0.6402877697841727,0.5827338129496403,0.6402877697841727,0.6258992805755396 25 | DistalPhalanxOutlineCorrect,0.6739130434782609,0.6304347826086957,0.6630434782608695,0.6594202898550725,0.6594202898550725 26 | DistalPhalanxTW,0.60431654676259,0.539568345323741,0.5107913669064749,0.5971223021582733,0.5035971223021583 27 | DodgerLoopDay,0.475,0.4625,0.5125,0.55,0.45 28 | DodgerLoopGame,0.7898550724637681,0.7608695652173914,0.8043478260869565,0.8188405797101449,0.7971014492753623 29 | DodgerLoopWeekend,0.927536231884058,0.9637681159420289,0.9565217391304348,0.9492753623188406,0.9347826086956522 30 | ECG200,0.9,0.85,0.88,0.86,0.85 31 | ECG5000,0.9191111111111111,0.9228888888888889,0.9213333333333333,0.9208888888888889,0.9231111111111111 32 | ECGFiveDays,0.9512195121951219,0.9616724738675958,0.9221835075493612,0.9372822299651568,0.9279907084785134 33 | EOGHorizontalSignal,0.45027624309392267,0.43922651933701656,0.4585635359116022,0.45027624309392267,0.4198895027624309 34 | EOGVerticalSignal,0.3701657458563536,0.3674033149171271,0.36464088397790057,0.38950276243093923,0.4116022099447514 35 | Earthquakes,0.7266187050359713,0.7338129496402878,0.6762589928057554,0.6618705035971223,0.6402877697841727 36 | ElectricDevices,0.6130203605239268,0.6087407599533134,0.6082220204902088,0.6078329658928803,0.6166515367656594 37 | EthanolLevel,0.514,0.506,0.508,0.506,0.53 38 | FaceAll,0.7668639053254438,0.7840236686390533,0.7958579881656804,0.8094674556213017,0.7982248520710059 39 | FaceFour,0.8863636363636364,0.8068181818181818,0.8522727272727273,0.8068181818181818,0.875 40 | FacesUCR,0.9087804878048781,0.9004878048780488,0.9078048780487805,0.9073170731707317,0.9048780487804878 41 | FiftyWords,0.6021978021978022,0.6285714285714286,0.589010989010989,0.5758241758241758,0.610989010989011 42 | Fish,0.8571428571428571,0.8514285714285714,0.8514285714285714,0.8685714285714285,0.84 43 | FordA,0.8727272727272727,0.8727272727272727,0.8712121212121212,0.8787878787878788,0.8833333333333333 44 | FordB,0.7197530864197531,0.717283950617284,0.745679012345679,0.725925925925926,0.7333333333333333 45 | FreezerRegularTrain,0.9435087719298245,0.9698245614035088,0.9628070175438597,0.9596491228070175,0.9621052631578947 46 | FreezerSmallTrain,0.7726315789473684,0.7922807017543859,0.7859649122807018,0.8031578947368421,0.7768421052631579 47 | Fungi,0.9354838709677419,0.9086021505376344,0.9354838709677419,0.946236559139785,0.9301075268817204 48 | GestureMidAirD1,0.5538461538461539,0.5692307692307692,0.5692307692307692,0.5692307692307692,0.5615384615384615 49 | GestureMidAirD2,0.49230769230769234,0.49230769230769234,0.5461538461538461,0.5153846153846153,0.5076923076923077 50 | GestureMidAirD3,0.3153846153846154,0.3,0.3076923076923077,0.2846153846153846,0.3 51 | GesturePebbleZ1,0.6337209302325582,0.6511627906976745,0.7383720930232558,0.6802325581395349,0.7151162790697675 52 | GesturePebbleZ2,0.6645569620253164,0.6265822784810127,0.6392405063291139,0.6772151898734177,0.6455696202531646 53 | GunPoint,1.0,1.0,0.9933333333333333,1.0,1.0 54 | GunPointAgeSpan,0.9873417721518988,0.9936708860759493,0.9936708860759493,0.9968354430379747,0.9968354430379747 55 | GunPointMaleVersusFemale,0.9968354430379747,0.9968354430379747,1.0,1.0,1.0 56 | GunPointOldVersusYoung,0.9968253968253968,1.0,1.0,1.0,1.0 57 | Ham,0.5714285714285714,0.5333333333333333,0.6,0.5714285714285714,0.5714285714285714 58 | HandOutlines,0.8378378378378378,0.7891891891891892,0.7675675675675676,0.7972972972972973,0.827027027027027 59 | Haptics,0.4642857142857143,0.3961038961038961,0.3961038961038961,0.44155844155844154,0.44805194805194803 60 | Herring,0.625,0.59375,0.53125,0.578125,0.515625 61 | HouseTwenty,0.8739495798319328,0.865546218487395,0.907563025210084,0.8823529411764706,0.8991596638655462 62 | InlineSkate,0.4218181818181818,0.39454545454545453,0.41818181818181815,0.4,0.41454545454545455 63 | InsectEPGRegularTrain,1.0,1.0,1.0,1.0,1.0 64 | InsectEPGSmallTrain,1.0,1.0,1.0,1.0,1.0 65 | InsectWingbeatSound,0.40505050505050505,0.4106060606060606,0.45151515151515154,0.41414141414141414,0.4065656565656566 66 | ItalyPowerDemand,0.9310009718172984,0.9446064139941691,0.9358600583090378,0.9280855199222546,0.9397473275024295 67 | LargeKitchenAppliances,0.72,0.7386666666666667,0.768,0.7306666666666667,0.7333333333333333 68 | Lightning2,0.7868852459016393,0.8360655737704918,0.7704918032786885,0.7377049180327869,0.7868852459016393 69 | Lightning7,0.7123287671232876,0.7123287671232876,0.726027397260274,0.6986301369863014,0.7397260273972602 70 | Mallat,0.8085287846481877,0.8400852878464818,0.8567164179104477,0.8362473347547974,0.8072494669509594 71 | Meat,0.8166666666666667,0.8,0.85,0.8666666666666667,0.8833333333333333 72 | MedicalImages,0.6631578947368421,0.6894736842105263,0.6815789473684211,0.7013157894736842,0.6657894736842105 73 | MelbournePedestrian,0.922919229192292,0.9298892988929889,0.9278392783927839,0.9249692496924969,0.9282492824928249 74 | MiddlePhalanxOutlineAgeGroup,0.4935064935064935,0.4935064935064935,0.4805194805194805,0.487012987012987,0.4675324675324675 75 | MiddlePhalanxOutlineCorrect,0.6357388316151202,0.6941580756013745,0.7079037800687286,0.6323024054982818,0.6838487972508591 76 | MiddlePhalanxTW,0.487012987012987,0.4935064935064935,0.487012987012987,0.487012987012987,0.512987012987013 77 | MixedShapesRegularTrain,0.9249484536082474,0.9245360824742268,0.9290721649484536,0.911340206185567,0.9228865979381443 78 | MixedShapesSmallTrain,0.8338144329896907,0.845360824742268,0.8412371134020619,0.8321649484536082,0.8437113402061855 79 | MoteStrain,0.8825878594249201,0.8849840255591054,0.8738019169329073,0.8761980830670927,0.8865814696485623 80 | NonInvasiveFetalECGThorax1,0.8371501272264631,0.8346055979643766,0.8519083969465648,0.8452926208651399,0.8396946564885496 81 | NonInvasiveFetalECGThorax2,0.8804071246819338,0.878880407124682,0.8692111959287532,0.8732824427480916,0.8753180661577609 82 | OSULeaf,0.8760330578512396,0.8347107438016529,0.8760330578512396,0.8760330578512396,0.8884297520661157 83 | OliveOil,0.7,0.7333333333333333,0.7,0.8,0.7666666666666667 84 | PLAID,0.7932960893854749,0.7392923649906891,0.7672253258845437,0.7783985102420856,0.7337057728119181 85 | PhalangesOutlinesCorrect,0.7062937062937062,0.7074592074592074,0.710955710955711,0.7051282051282052,0.7226107226107226 86 | Phoneme,0.2178270042194093,0.22943037974683544,0.2120253164556962,0.21624472573839662,0.21308016877637131 87 | PickupGestureWiimoteZ,0.68,0.66,0.62,0.68,0.7 88 | PigAirwayPressure,0.2932692307692308,0.3269230769230769,0.32211538461538464,0.32211538461538464,0.2980769230769231 89 | PigArtPressure,0.9471153846153846,0.9615384615384616,0.9711538461538461,0.9663461538461539,0.9663461538461539 90 | PigCVP,0.8317307692307693,0.8605769230769231,0.8557692307692307,0.8317307692307693,0.875 91 | Plane,0.9809523809523809,0.9904761904761905,0.9904761904761905,1.0,0.9904761904761905 92 | PowerCons,0.9055555555555556,0.8833333333333333,0.9111111111111111,0.9111111111111111,0.9055555555555556 93 | ProximalPhalanxOutlineAgeGroup,0.7804878048780488,0.7463414634146341,0.7317073170731707,0.751219512195122,0.7902439024390244 94 | ProximalPhalanxOutlineCorrect,0.7766323024054983,0.8109965635738832,0.7800687285223368,0.8109965635738832,0.7972508591065293 95 | ProximalPhalanxTW,0.6292682926829268,0.6878048780487804,0.6439024390243903,0.6731707317073171,0.6634146341463415 96 | RefrigerationDevices,0.49333333333333335,0.472,0.47733333333333333,0.472,0.464 97 | Rock,0.6,0.6,0.58,0.62,0.6 98 | ScreenType,0.45866666666666667,0.4746666666666667,0.456,0.488,0.504 99 | SemgHandGenderCh2,0.8233333333333334,0.845,0.815,0.8333333333333334,0.8233333333333334 100 | SemgHandMovementCh2,0.5911111111111111,0.5933333333333334,0.6111111111111112,0.6066666666666667,0.6044444444444445 101 | SemgHandSubjectCh2,0.68,0.72,0.6622222222222223,0.6844444444444444,0.6733333333333333 102 | ShakeGestureWiimoteZ,0.9,0.9,0.92,0.94,0.9 103 | ShapeletSim,0.7944444444444444,0.8222222222222222,0.8611111111111112,0.8555555555555555,0.8222222222222222 104 | ShapesAll,0.8466666666666667,0.8333333333333334,0.8283333333333334,0.8483333333333334,0.8266666666666667 105 | SmallKitchenAppliances,0.728,0.72,0.6773333333333333,0.7173333333333334,0.72 106 | SmoothSubspace,0.9333333333333333,0.92,0.9,0.9133333333333333,0.9133333333333333 107 | SonyAIBORobotSurface1,0.6688851913477537,0.6555740432612313,0.6871880199667221,0.6572379367720466,0.6572379367720466 108 | SonyAIBORobotSurface2,0.8079748163693599,0.8331584470094439,0.8541448058761805,0.8247639034627492,0.8247639034627492 109 | StarLightCurves,0.9686741136474016,0.9680670228266148,0.9689169499757163,0.9691597863040311,0.968431277319087 110 | Strawberry,0.9567567567567568,0.9702702702702702,0.9621621621621622,0.9648648648648649,0.9675675675675676 111 | SwedishLeaf,0.9008,0.896,0.9056,0.8992,0.8992 112 | Symbols,0.9346733668341709,0.9316582914572864,0.928643216080402,0.9608040201005025,0.935678391959799 113 | SyntheticControl,0.95,0.9633333333333334,0.9533333333333334,0.9533333333333334,0.9466666666666667 114 | ToeSegmentation1,0.8903508771929824,0.8771929824561403,0.9078947368421053,0.9122807017543859,0.9298245614035088 115 | ToeSegmentation2,0.9153846153846154,0.9153846153846154,0.8846153846153846,0.9153846153846154,0.8769230769230769 116 | Trace,1.0,1.0,1.0,1.0,1.0 117 | TwoLeadECG,0.8823529411764706,0.9007901668129938,0.9043020193151887,0.9016681299385426,0.8981562774363476 118 | TwoPatterns,0.86525,0.8745,0.90525,0.89325,0.87075 119 | UMD,0.9722222222222222,0.9791666666666666,0.9722222222222222,0.9791666666666666,0.9652777777777778 120 | UWaveGestureLibraryAll,0.7540480178671134,0.7459519821328866,0.7613065326633166,0.7613065326633166,0.7621440536013401 121 | UWaveGestureLibraryX,0.7314349525404802,0.7470686767169179,0.7520938023450586,0.7467895030709101,0.7453936348408711 122 | UWaveGestureLibraryY,0.6602456728084869,0.6742043551088778,0.6613623673925182,0.6836962590731435,0.6697375767727527 123 | UWaveGestureLibraryZ,0.6993299832495813,0.7007258514796203,0.6993299832495813,0.7077051926298158,0.695142378559464 124 | Wafer,0.9926995457495134,0.9925373134328358,0.9917261518494485,0.9926995457495134,0.9920506164828033 125 | Wine,0.5925925925925926,0.6481481481481481,0.6666666666666666,0.5740740740740741,0.5555555555555556 126 | WordSynonyms,0.6175548589341693,0.6065830721003135,0.6050156739811913,0.5940438871473355,0.6018808777429467 127 | Worms,0.8051948051948052,0.7792207792207793,0.7792207792207793,0.7662337662337663,0.7792207792207793 128 | WormsTwoClass,0.8051948051948052,0.8311688311688312,0.8181818181818182,0.7922077922077922,0.8311688311688312 129 | Yoga,0.796,0.8096666666666666,0.8,0.772,0.7926666666666666 130 | -------------------------------------------------------------------------------- /UcrResults/UCR_Ranking_Results.csv: -------------------------------------------------------------------------------- 1 | ,HC,ED,CLG,CLD,MCL 2 | ACSF1,2.0,1.0,4.0,3.0,5.0 3 | Adiac,1.0,4.0,2.0,3.0,5.0 4 | AllGestureWiimoteX,1.0,3.0,4.0,2.0,5.0 5 | AllGestureWiimoteY,1.0,3.0,4.0,2.0,5.0 6 | AllGestureWiimoteZ,1.0,4.0,2.0,3.0,5.0 7 | ArrowHead,3.0,4.0,1.0,2.0,5.0 8 | BME,1.0,4.0,3.0,2.0,5.0 9 | Beef,3.0,5.0,1.0,2.0,4.0 10 | BeetleFly,5.0,2.0,4.0,1.0,2.0 11 | BirdChicken,2.0,1.0,4.0,4.0,3.0 12 | CBF,1.0,2.0,4.0,5.0,3.0 13 | Car,1.0,4.0,2.0,3.0,5.0 14 | Chinatown,1.0,5.0,2.0,3.0,4.0 15 | ChlorineConcentration,1.0,4.0,3.0,2.0,5.0 16 | CinCECGTorso,1.0,5.0,2.0,3.0,4.0 17 | Coffee,1.0,5.0,4.0,3.0,2.0 18 | Computers,1.0,1.0,3.0,4.0,5.0 19 | CricketX,1.0,4.0,3.0,2.0,5.0 20 | CricketY,1.0,4.0,3.0,2.0,5.0 21 | CricketZ,1.0,3.0,4.0,2.0,5.0 22 | Crop,1.0,4.0,2.0,3.0,5.0 23 | DiatomSizeReduction,5.0,4.0,2.0,1.0,3.0 24 | DistalPhalanxOutlineAgeGroup,1.0,3.0,5.0,4.0,2.0 25 | DistalPhalanxOutlineCorrect,2.0,5.0,3.0,4.0,1.0 26 | DistalPhalanxTW,1.0,5.0,4.0,3.0,2.0 27 | DodgerLoopDay,1.0,5.0,2.0,3.0,4.0 28 | DodgerLoopGame,1.0,5.0,3.0,2.0,4.0 29 | DodgerLoopWeekend,1.0,5.0,3.0,2.0,4.0 30 | ECG200,1.0,5.0,3.0,2.0,4.0 31 | ECG5000,1.0,5.0,2.0,2.0,4.0 32 | ECGFiveDays,1.0,2.0,3.0,4.0,5.0 33 | EOGHorizontalSignal,1.0,4.0,3.0,2.0,5.0 34 | EOGVerticalSignal,1.0,5.0,3.0,2.0,4.0 35 | Earthquakes,2.0,5.0,1.0,2.0,4.0 36 | ElectricDevices,1.0,3.0,2.0,4.0,5.0 37 | EthanolLevel,1.0,2.0,3.0,4.0,5.0 38 | FaceAll,1.0,4.0,2.0,3.0,5.0 39 | FaceFour,1.0,3.0,2.0,4.0,5.0 40 | FacesUCR,1.0,3.0,2.0,4.0,5.0 41 | FiftyWords,1.0,5.0,3.0,2.0,4.0 42 | Fish,1.0,4.0,3.0,2.0,5.0 43 | FordA,1.0,2.0,4.0,3.0,5.0 44 | FordB,1.0,2.0,4.0,3.0,5.0 45 | FreezerRegularTrain,4.0,1.0,3.0,2.0,5.0 46 | FreezerSmallTrain,5.0,1.0,2.0,3.0,4.0 47 | Fungi,1.0,4.0,3.0,2.0,5.0 48 | GestureMidAirD1,1.0,5.0,3.0,2.0,4.0 49 | GestureMidAirD2,1.0,4.0,3.0,2.0,5.0 50 | GestureMidAirD3,1.0,5.0,3.0,2.0,4.0 51 | GesturePebbleZ1,1.0,5.0,4.0,3.0,2.0 52 | GesturePebbleZ2,1.0,5.0,3.0,2.0,4.0 53 | GunPoint,1.0,4.0,3.0,2.0,5.0 54 | GunPointAgeSpan,1.0,2.0,3.0,4.0,5.0 55 | GunPointMaleVersusFemale,1.0,3.0,4.0,2.0,5.0 56 | GunPointOldVersusYoung,3.0,1.0,3.0,3.0,2.0 57 | Ham,1.0,5.0,2.0,3.0,4.0 58 | HandOutlines,1.0,5.0,3.0,2.0,4.0 59 | Haptics,1.0,4.0,3.0,2.0,5.0 60 | Herring,4.0,3.0,2.0,1.0,5.0 61 | HouseTwenty,1.0,2.0,4.0,3.0,5.0 62 | InlineSkate,1.0,4.0,2.0,3.0,5.0 63 | InsectEPGRegularTrain,2.0,1.0,2.0,2.0,2.0 64 | InsectEPGSmallTrain,2.0,1.0,2.0,2.0,2.0 65 | InsectWingbeatSound,1.0,5.0,3.0,2.0,4.0 66 | ItalyPowerDemand,1.0,5.0,2.0,3.0,4.0 67 | LargeKitchenAppliances,2.0,1.0,3.0,5.0,4.0 68 | Lightning2,1.0,3.0,4.0,2.0,5.0 69 | Lightning7,1.0,3.0,2.0,4.0,5.0 70 | Mallat,1.0,5.0,4.0,3.0,2.0 71 | Meat,1.0,5.0,4.0,3.0,2.0 72 | MedicalImages,1.0,5.0,3.0,2.0,4.0 73 | MelbournePedestrian,1.0,2.0,3.0,4.0,5.0 74 | MiddlePhalanxOutlineAgeGroup,1.0,5.0,3.0,4.0,2.0 75 | MiddlePhalanxOutlineCorrect,1.0,5.0,4.0,3.0,2.0 76 | MiddlePhalanxTW,1.0,5.0,2.0,3.0,4.0 77 | MixedShapesRegularTrain,1.0,4.0,3.0,2.0,5.0 78 | MixedShapesSmallTrain,1.0,4.0,3.0,2.0,5.0 79 | MoteStrain,1.0,4.0,3.0,2.0,5.0 80 | NonInvasiveFetalECGThorax1,1.0,4.0,2.0,3.0,5.0 81 | NonInvasiveFetalECGThorax2,1.0,5.0,2.0,3.0,4.0 82 | OSULeaf,1.0,2.0,4.0,3.0,5.0 83 | OliveOil,1.0,5.0,3.0,2.0,4.0 84 | PLAID,4.0,1.0,3.0,2.0,5.0 85 | PhalangesOutlinesCorrect,1.0,5.0,2.0,4.0,3.0 86 | Phoneme,1.0,2.0,4.0,3.0,5.0 87 | PickupGestureWiimoteZ,1.0,3.0,2.0,4.0,5.0 88 | PigAirwayPressure,5.0,1.0,4.0,2.0,3.0 89 | PigArtPressure,3.0,1.0,4.0,2.0,5.0 90 | PigCVP,4.0,1.0,3.0,2.0,5.0 91 | Plane,1.0,2.0,4.0,3.0,5.0 92 | PowerCons,2.0,4.0,5.0,3.0,1.0 93 | ProximalPhalanxOutlineAgeGroup,1.0,5.0,3.0,4.0,2.0 94 | ProximalPhalanxOutlineCorrect,1.0,5.0,2.0,3.0,4.0 95 | ProximalPhalanxTW,1.0,5.0,4.0,3.0,2.0 96 | RefrigerationDevices,2.0,1.0,5.0,3.0,4.0 97 | Rock,3.0,5.0,2.0,1.0,4.0 98 | ScreenType,2.0,1.0,3.0,4.0,5.0 99 | SemgHandGenderCh2,3.0,1.0,4.0,2.0,5.0 100 | SemgHandMovementCh2,2.0,1.0,4.0,3.0,5.0 101 | SemgHandSubjectCh2,2.0,1.0,4.0,3.0,5.0 102 | ShakeGestureWiimoteZ,2.0,1.0,4.0,3.0,5.0 103 | ShapeletSim,1.0,2.0,4.0,3.0,5.0 104 | ShapesAll,1.0,4.0,3.0,2.0,5.0 105 | SmallKitchenAppliances,2.0,1.0,4.0,3.0,5.0 106 | SmoothSubspace,1.0,4.0,2.0,3.0,5.0 107 | SonyAIBORobotSurface1,1.0,3.0,5.0,4.0,2.0 108 | SonyAIBORobotSurface2,1.0,5.0,2.0,4.0,3.0 109 | StarLightCurves,1.0,2.0,4.0,3.0,5.0 110 | Strawberry,1.0,4.0,2.0,3.0,5.0 111 | SwedishLeaf,1.0,2.0,4.0,3.0,5.0 112 | Symbols,1.0,4.0,3.0,2.0,5.0 113 | SyntheticControl,1.0,2.0,4.0,5.0,3.0 114 | ToeSegmentation1,1.0,2.0,4.0,3.0,5.0 115 | ToeSegmentation2,1.0,3.0,4.0,2.0,5.0 116 | Trace,4.0,1.0,3.0,2.0,4.0 117 | TwoLeadECG,1.0,4.0,3.0,2.0,5.0 118 | TwoPatterns,1.0,3.0,5.0,4.0,2.0 119 | UMD,4.0,1.0,3.0,2.0,5.0 120 | UWaveGestureLibraryAll,1.0,5.0,3.0,2.0,4.0 121 | UWaveGestureLibraryX,1.0,4.0,3.0,2.0,5.0 122 | UWaveGestureLibraryY,1.0,4.0,3.0,2.0,5.0 123 | UWaveGestureLibraryZ,1.0,4.0,3.0,2.0,5.0 124 | Wafer,1.0,5.0,3.0,2.0,4.0 125 | Wine,1.0,4.0,5.0,2.0,2.0 126 | WordSynonyms,1.0,5.0,3.0,2.0,4.0 127 | Worms,3.0,1.0,4.0,2.0,5.0 128 | WormsTwoClass,4.0,1.0,3.0,2.0,5.0 129 | Yoga,1.0,5.0,2.0,3.0,4.0 130 | -------------------------------------------------------------------------------- /UeaResults/UEA_Accuracy_Results.csv: -------------------------------------------------------------------------------- 1 | ,HC,ED,CLG,CLD,MCL 2 | ArticularyWordRecognition,0.77666664,0.97,0.86866665,0.8973333,0.97466666 3 | AtrialFibrillation,0.13333334,0.267,0.22666667,0.30666667,0.17333333 4 | BasicMotions,1.0,0.676,1.0,0.975,0.995 5 | CharacterTrajectories,0.82311976,0.964,0.944429,0.9047354,0.97674096 6 | Cricket,0.9166667,0.944,0.9138889,0.9361111,0.9611111 7 | DuckDuckGeese,0.5,0.275,0.364,0.344,0.472 8 | ERing,0.6703704,0.133,0.83185184,0.8281481,0.8696296 9 | EigenWorms,0.66412216,0.549,0.6061069,0.6183206,0.708397 10 | Epilepsy,0.9710145,0.666,0.93043476,0.92753625,0.95797104 11 | EthanolConcentration,0.27376425,0.293,0.29961976,0.2851711,0.2768061 12 | FaceDetection,0.5124858,0.519,0.49858117,0.5026107,0.5046538 13 | FingerMovements,0.52,0.55,0.526,0.51,0.608 14 | HandMovementDirection,0.25675675,0.278,0.25405404,0.2918919,0.34594595 15 | Handwriting,0.10823529,0.2,0.42917648,0.41505882,0.52188236 16 | Heartbeat,0.6536585,0.619,0.6907317,0.6985366,0.68390244 17 | InsectWingbeat,0.0,0.0,0.0,0.0,0.0 18 | JapaneseVowels,0.9594595,0.924,0.87027025,0.8810811,0.8708108 19 | LSST,0.55190593,0.456,0.4325223,0.38588807,0.44128144 20 | Libras,0.60555553,0.833,0.60888886,0.5711111,0.8888889 21 | MotorImagery,0.46,0.51,0.562,0.55,0.556 22 | NATOPS,0.65555555,0.85,0.76,0.7277778,0.8155556 23 | PEMS-SF,0.6647399,0.705,0.8,0.80462426,0.7086705 24 | PenDigits,0.5305889,0.973,0.8617496,0.8743282,0.9743854 25 | Phoneme,0.07127945,0.104,0.06817775,0.06388309,0.15753058 26 | RacketSports,0.75,0.868,0.79868424,0.7894737,0.81578946 27 | SelfRegulationSCP1,0.7713311,0.771,0.7153584,0.7235495,0.68464166 28 | SelfRegulationSCP2,0.51666665,0.483,0.52111113,0.49888888,0.51555556 29 | SpokenArabicDigits,0.75989085,0.967,0.45811734,0.50177354,0.926603 30 | StandWalkJump,0.33333334,0.2,0.30666667,0.36,0.26666668 31 | UWaveGestureLibrary,0.365625,0.881,0.606875,0.601875,0.874375 32 | -------------------------------------------------------------------------------- /UeaResults/UEA_CL_ACC_5Folds_drop.csv: -------------------------------------------------------------------------------- 1 | Dataset,Fold 1,Fold 2,Fold 3,Fold 4,Fold 5 2 | ArticularyWordRecognition,0.9,0.91,0.89,0.876666666666667,0.91 3 | AtrialFibrillation,0.4,0.2,0.266666666666667,0.333333333333333,0.333333333333333 4 | BasicMotions,0.975,0.975,0.925,1,1 5 | CharacterTrajectories,0.862813370473538,0.923398328690808,0.922701949860724,0.919220055710306,0.895543175487465 6 | Cricket,0.944444444444444,0.944444444444444,0.902777777777778,0.930555555555556,0.958333333333333 7 | DuckDuckGeese,0.32,0.4,0.34,0.34,0.32 8 | ERing,0.851851851851852,0.796296296296296,0.837037037037037,0.833333333333333,0.822222222222222 9 | EigenWorms,0.648854961832061,0.572519083969466,0.633587786259542,0.587786259541985,0.648854961832061 10 | Epilepsy,0.920289855072464,0.905797101449275,0.934782608695652,0.934782608695652,0.942028985507246 11 | EthanolConcentration,0.296577946768061,0.281368821292776,0.285171102661597,0.250950570342205,0.311787072243346 12 | FaceDetection,0.487797956867196,0.498297389330307,0.513337116912599,0.515607264472191,0.498013620885358 13 | FingerMovements,0.5,0.5,0.56,0.5,0.49 14 | HandMovementDirection,0.337837837837838,0.202702702702703,0.283783783783784,0.364864864864865,0.27027027027027 15 | Handwriting,0.415294117647059,0.410588235294118,0.442352941176471,0.412941176470588,0.394117647058823 16 | Heartbeat,0.712195121951219,0.697560975609756,0.673170731707317,0.712195121951219,0.697560975609756 17 | InsectWingbeat,0,0,0,0,0 18 | JapaneseVowels,0.862162162162162,0.883783783783784,0.886486486486487,0.908108108108108,0.864864864864865 19 | LSST,0.396593673965937,0.394566098945661,0.337388483373885,0.408759124087591,0.39213300892133 20 | Libras,0.611111111111111,0.566666666666667,0.522222222222222,0.588888888888889,0.566666666666667 21 | MotorImagery,0.56,0.49,0.53,0.52,0.65 22 | NATOPS,0.788888888888889,0.661111111111111,0.733333333333333,0.655555555555556,0.8 23 | PEMS-SF,0.809248554913295,0.786127167630058,0.809248554913295,0.826589595375723,0.791907514450867 24 | PenDigits,0.853916523727844,0.865351629502573,0.912807318467696,0.887364208118925,0.852201257861635 25 | Phoneme,0.056069191768566,0.068893528183716,0.064121682075753,0.062332239785267,0.067998807038473 26 | RacketSports,0.81578947368421,0.796052631578947,0.736842105263158,0.822368421052632,0.776315789473684 27 | SelfRegulationSCP1,0.713310580204778,0.74061433447099,0.726962457337884,0.709897610921502,0.726962457337884 28 | SelfRegulationSCP2,0.511111111111111,0.5,0.461111111111111,0.522222222222222,0.5 29 | SpokenArabicDigits,0.495225102319236,0.500227376080036,0.463847203274215,0.582082764893133,0.467485220554798 30 | StandWalkJump,0.333333333333333,0.466666666666667,0.2,0.4,0.4 31 | UWaveGestureLibrary,0.609375,0.603125,0.59375,0.625,0.578125 32 | -------------------------------------------------------------------------------- /UeaResults/UEA_CL_ACC_5Folds_gauss.csv: -------------------------------------------------------------------------------- 1 | Dataset,Fold 1,Fold 2,Fold 3,Fold 4,Fold 5 2 | ArticularyWordRecognition,0.89,0.866666666666667,0.823333333333333,0.89,0.873333333333333 3 | AtrialFibrillation,0.2,0.2,0.2,0.266666666666667,0.266666666666667 4 | BasicMotions,1,1,1,1,1 5 | CharacterTrajectories,0.930362116991644,0.954038997214485,0.931058495821727,0.947075208913649,0.959610027855153 6 | Cricket,0.902777777777778,0.930555555555556,0.930555555555556,0.902777777777778,0.902777777777778 7 | DuckDuckGeese,0.34,0.34,0.44,0.34,0.36 8 | ERing,0.851851851851852,0.785185185185185,0.822222222222222,0.844444444444444,0.855555555555556 9 | EigenWorms,0.66412213740458,0.580152671755725,0.610687022900763,0.603053435114504,0.572519083969466 10 | Epilepsy,0.942028985507246,0.905797101449275,0.91304347826087,0.927536231884058,0.963768115942029 11 | EthanolConcentration,0.349809885931559,0.254752851711027,0.319391634980989,0.29277566539924,0.281368821292776 12 | FaceDetection,0.490635641316686,0.506810442678774,0.487514188422247,0.494324631101022,0.513620885357548 13 | FingerMovements,0.53,0.55,0.51,0.52,0.52 14 | HandMovementDirection,0.216216216216216,0.297297297297297,0.27027027027027,0.22972972972973,0.256756756756757 15 | Handwriting,0.448235294117647,0.428235294117647,0.42,0.438823529411765,0.410588235294118 16 | Heartbeat,0.663414634146341,0.682926829268293,0.692682926829268,0.721951219512195,0.692682926829268 17 | InsectWingbeat,0,0,0,0,0 18 | JapaneseVowels,0.891891891891892,0.867567567567568,0.894594594594595,0.867567567567568,0.82972972972973 19 | LSST,0.453771289537713,0.411192214111922,0.443227899432279,0.439172749391727,0.415247364152474 20 | Libras,0.605555555555555,0.611111111111111,0.572222222222222,0.661111111111111,0.594444444444444 21 | MotorImagery,0.6,0.58,0.58,0.56,0.49 22 | NATOPS,0.744444444444444,0.766666666666667,0.794444444444444,0.783333333333333,0.711111111111111 23 | PEMS-SF,0.815028901734104,0.76878612716763,0.791907514450867,0.809248554913295,0.815028901734104 24 | PenDigits,0.915951972555746,0.813607775871927,0.878502001143511,0.857061177815895,0.843624928530589 25 | Phoneme,0.062928720548762,0.074560095436922,0.082016104980614,0.062928720548762,0.058455114822547 26 | RacketSports,0.809210526315789,0.789473684210526,0.782894736842105,0.822368421052632,0.789473684210526 27 | SelfRegulationSCP1,0.716723549488055,0.713310580204778,0.720136518771331,0.699658703071672,0.726962457337884 28 | SelfRegulationSCP2,0.516666666666667,0.511111111111111,0.5,0.511111111111111,0.566666666666667 29 | SpokenArabicDigits,0.390177353342428,0.54206457480673,0.446111869031378,0.472487494315598,0.439745338790359 30 | StandWalkJump,0.333333333333333,0.333333333333333,0.333333333333333,0.333333333333333,0.2 31 | UWaveGestureLibrary,0.5875,0.590625,0.615625,0.6125,0.628125 32 | -------------------------------------------------------------------------------- /UeaResults/UEA_MCL_ACC_5Folds.csv: -------------------------------------------------------------------------------- 1 | Dataset,Fold 1,Fold 2,Fold 3,Fold 4,Fold 5 2 | ArticularyWordRecognition,0.976666666666667,0.963333333333333,0.973333333333333,0.976666666666667,0.983333333333333 3 | AtrialFibrillation,0.2,0.2,0.133333333333333,0.133333333333333,0.2 4 | BasicMotions,1,0.975,1,1,1 5 | CharacterTrajectories,0.977019498607242,0.981197771587743,0.973537604456824,0.974930362116992,0.977019498607242 6 | Cricket,0.958333333333333,0.972222222222222,0.958333333333333,0.944444444444444,0.972222222222222 7 | DuckDuckGeese,0.5,0.44,0.52,0.42,0.48 8 | ERing,0.888888888888889,0.859259259259259,0.87037037037037,0.877777777777778,0.851851851851852 9 | EigenWorms,0.709923664122137,0.725190839694657,0.694656488549618,0.679389312977099,0.732824427480916 10 | Epilepsy,0.956521739130435,0.963768115942029,0.942028985507246,0.963768115942029,0.963768115942029 11 | EthanolConcentration,0.258555133079848,0.273764258555133,0.262357414448669,0.296577946768061,0.29277566539924 12 | FaceDetection,0.491770715096481,0.511634506242906,0.507094211123723,0.511918274687855,0.500851305334847 13 | FingerMovements,0.59,0.64,0.68,0.57,0.56 14 | HandMovementDirection,0.418918918918919,0.297297297297297,0.310810810810811,0.378378378378378,0.324324324324324 15 | Handwriting,0.511764705882353,0.534117647058823,0.52,0.517647058823529,0.525882352941177 16 | Heartbeat,0.721951219512195,0.707317073170732,0.663414634146341,0.663414634146341,0.663414634146341 17 | InsectWingbeat,0,0,0,0,0 18 | JapaneseVowels,0.87027027027027,0.864864864864865,0.85945945945946,0.889189189189189,0.87027027027027 19 | LSST,0.441605839416058,0.462287104622871,0.4330900243309,0.444038929440389,0.425385239253852 20 | Libras,0.877777777777778,0.888888888888889,0.9,0.888888888888889,0.888888888888889 21 | MotorImagery,0.48,0.57,0.57,0.54,0.62 22 | NATOPS,0.822222222222222,0.777777777777778,0.816666666666667,0.855555555555556,0.805555555555556 23 | PEMS-SF,0.69364161849711,0.739884393063584,0.710982658959538,0.69364161849711,0.705202312138728 24 | PenDigits,0.973699256718125,0.975414522584334,0.973699256718125,0.973413379073756,0.975700400228702 25 | Phoneme,0.160453325380257,0.161944527288995,0.1613480465255,0.152699075454817,0.151207873546078 26 | RacketSports,0.809210526315789,0.822368421052632,0.809210526315789,0.81578947368421,0.822368421052632 27 | SelfRegulationSCP1,0.74061433447099,0.723549488054607,0.617747440273037,0.658703071672355,0.68259385665529 28 | SelfRegulationSCP2,0.45,0.511111111111111,0.527777777777778,0.566666666666667,0.522222222222222 29 | SpokenArabicDigits,0.924511141427922,0.939517962710323,0.916325602546612,0.922692132787631,0.929968167348795 30 | StandWalkJump,0.333333333333333,0.266666666666667,0.2,0.333333333333333,0.2 31 | UWaveGestureLibrary,0.88125,0.884375,0.88125,0.865625,0.859375 32 | -------------------------------------------------------------------------------- /UeaResults/UEA_Ranking_Results.csv: -------------------------------------------------------------------------------- 1 | ,HC,ED,CLG,CLD,MCL 2 | ArticularyWordRecognition,1.0,4.0,2.0,3.0,5.0 3 | AtrialFibrillation,1.0,4.0,3.0,5.0,2.0 4 | BasicMotions,4.0,1.0,4.0,2.0,3.0 5 | CharacterTrajectories,1.0,4.0,3.0,2.0,5.0 6 | Cricket,2.0,4.0,1.0,3.0,5.0 7 | DuckDuckGeese,5.0,1.0,3.0,2.0,4.0 8 | ERing,2.0,1.0,4.0,3.0,5.0 9 | EigenWorms,4.0,1.0,2.0,3.0,5.0 10 | Epilepsy,5.0,1.0,3.0,2.0,4.0 11 | EthanolConcentration,1.0,4.0,5.0,3.0,2.0 12 | FaceDetection,4.0,5.0,1.0,2.0,3.0 13 | FingerMovements,2.0,4.0,3.0,1.0,5.0 14 | HandMovementDirection,2.0,3.0,1.0,4.0,5.0 15 | Handwriting,1.0,2.0,4.0,3.0,5.0 16 | Heartbeat,2.0,1.0,4.0,5.0,3.0 17 | InsectWingbeat,1.0,1.0,1.0,1.0,1.0 18 | JapaneseVowels,5.0,4.0,1.0,3.0,2.0 19 | LSST,5.0,4.0,2.0,1.0,3.0 20 | Libras,2.0,4.0,3.0,1.0,5.0 21 | MotorImagery,1.0,2.0,5.0,3.0,4.0 22 | NATOPS,1.0,5.0,3.0,2.0,4.0 23 | PEMS-SF,1.0,2.0,4.0,5.0,3.0 24 | PenDigits,1.0,4.0,2.0,3.0,5.0 25 | Phoneme,3.0,4.0,2.0,1.0,5.0 26 | RacketSports,1.0,5.0,3.0,2.0,4.0 27 | SelfRegulationSCP1,5.0,4.0,2.0,3.0,1.0 28 | SelfRegulationSCP2,4.0,1.0,5.0,2.0,3.0 29 | SpokenArabicDigits,3.0,5.0,1.0,2.0,4.0 30 | StandWalkJump,4.0,1.0,3.0,5.0,2.0 31 | UWaveGestureLibrary,1.0,5.0,3.0,2.0,4.0 32 | --------------------------------------------------------------------------------