diff --git a/AI-and-Analytics/End-to-end-Workloads/Census/sample.json b/AI-and-Analytics/End-to-end-Workloads/Census/sample.json index 250353ec5f..749be29d0b 100755 --- a/AI-and-Analytics/End-to-end-Workloads/Census/sample.json +++ b/AI-and-Analytics/End-to-end-Workloads/Census/sample.json @@ -14,14 +14,11 @@ "env": [], "id": "Intel_Modin_E2E_py", "steps": [ - "set -e # Terminate the script on first error", - "source /root/intel/oneapi/intelpython/bin/activate", - "conda create -n modin-hdk python=3.9 -y", - "conda activate modin-hdk", + "source /intel/oneapi/intelpython/bin/activate", "conda install modin-hdk -c conda-forge -y", - "pip install scikit-learn scikit-learn-intelex matplotlib jupyter ipykernel", - "python -m ipykernel install --name modin-hdk", - "jupyter nbconvert --to notebook --execute census_modin.ipynb" + "pip install scikit-learn scikit-learn-intelex matplotlib", + "pip install jupyter", + "jupyter nbconvert --to notebook census_modin.ipynb" ] } ] diff --git a/AI-and-Analytics/End-to-end-Workloads/LanguageIdentification/README.md b/AI-and-Analytics/End-to-end-Workloads/LanguageIdentification/README.md index eef83f60bd..e18beb3690 100644 --- a/AI-and-Analytics/End-to-end-Workloads/LanguageIdentification/README.md +++ b/AI-and-Analytics/End-to-end-Workloads/LanguageIdentification/README.md @@ -111,7 +111,7 @@ This section explains how to train a model for language identification using the 1. Install Jupyter Notebook. ``` - conda install jupyter nb_conda_kernels + pip install notebook ``` 2. Launch Jupyter Notebook. ``` @@ -241,7 +241,7 @@ To run inference, you must have already run all of the training scripts, generat 1. If you have not already done so, install Jupyter Notebook. ``` - conda install jupyter nb_conda_kernels + pip install notebook ``` 2. Launch Jupyter Notebook. ``` diff --git a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.ipynb b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.ipynb index aa13ef1ee9..67bb12bd9d 100644 --- a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.ipynb +++ b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.ipynb @@ -75,7 +75,7 @@ "source": [ "from datasets import load_dataset\n", "\n", - "dataset = load_dataset(\"emotion\", name=\"split\")\n", + "dataset = load_dataset(\"emotion\", name=\"split\", trust_remote_code=True)\n", "dataset['train'][:10]" ] }, diff --git a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.py b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.py index bcfabbbf77..5cec6d0785 100644 --- a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.py +++ b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/INC_QuantizationAwareTraining_TextClassification.py @@ -49,7 +49,7 @@ from datasets import load_dataset -dataset = load_dataset("emotion", name="split") +dataset = load_dataset("emotion", name="split", trust_remote_code=True) dataset['train'][:10] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8/sample.json index d1d1416fdc..c29f76d7b3 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8/sample.json @@ -12,13 +12,13 @@ "linux": [{ "id": "intel amx bf16 int8 inference", "steps": [ - "source /root/intel/oneapi/intelpython/bin/activate", + "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", "python -m pip install -r requirements.txt", - "python -m ipykernel install --user --name=user_pytorch", + "python -m ipykernel install --user --name=pytorch", "python pytorch_inference_vnni.py", "python pytorch_inference_amx.py", - "jupyter nbconvert --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8.ipynb" + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_InferenceOptimizations_AMX_BF16_INT8.ipynb" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/requirements.txt b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/requirements.txt index 9d5c805ae1..e0c4684282 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/requirements.txt +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/requirements.txt @@ -1,4 +1,3 @@ matplotlib py-cpuinfo -notebook -ipykernel +transformers diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json index 8413569c78..bebcc021cf 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json @@ -13,13 +13,13 @@ { "id": "intel amx bf16 training", "steps": [ - "source /root/intel/oneapi/intelpython/bin/activate", + "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", "python -m pip install -r requirements.txt", - "python -m ipykernel install --user --name=user_pytorch", + "python -m ipykernel install --user --name=pytorch", "python pytorch_training_avx512_bf16.py", "python pytorch_training_amx_bf16.py", - "jupyter nbconvert --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_TrainingOptimizations_AMX_BF16.ipynb" + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_TrainingOptimizations_AMX_BF16.ipynb" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/IntelPython_GPU_numba-dpex_Genetic_Algorithm.ipynb b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/IntelPython_GPU_numba-dpex_Genetic_Algorithm.ipynb new file mode 100644 index 0000000000..cc1689202a --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/IntelPython_GPU_numba-dpex_Genetic_Algorithm.ipynb @@ -0,0 +1,775 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# =============================================================\n", + "# Copyright © 2024 Intel Corporation\n", + "# \n", + "# SPDX-License-Identifier: MIT\n", + "# =============================================================" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Genetic Algorithms on GPU using Intel Distribution of Python numba-dpex\n", + "\n", + "This code sample shows how to implement a basic genetic algorithm with Data Parallel Python using numba-dpex.\n", + "\n", + "## Genetic algorithms\n", + "\n", + "Let's start with the question **What is a genetic algorithm?**. It is an algorithm, search heuristic inspired by the process of natural selection. It is usually applied to various optimization problems, NP-hard problems for which finding a solution by standard methods is very time and resource consuming. This algorithm makes it possible to obtain a satisfying high quality result based on biology-inspired operations, such as:\n", + " \n", + "* selection - is the process of selecting parents who mate and recombine to create offspring for the next generation. Parent selection is very crucial to the convergence rate of the GA as good parents drive individuals to better and fitter solutions.\n", + "* crossover - is a process similar to biological crossover. In this, more than one parent is selected and one or more offspring are produced using the genetic material of the parents.\n", + "* mutation - small random tweak in the chromosome, to get a new solution. It is used to maintain and introduce diversity in the genetic population and is usually applied with a low probability. \n", + "\n", + "To apply the genetic algorithm to a specific problem, it is important to define the representation of the chromosome, as well as how the three operations should look like. \n", + "\n", + "In this example, we will show, first, the general implementation of the genetic algorithm, and then the adaptation of this function to the Traveling Salesman Problem." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let us start with import of the libraries used in this code sample." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "e1_EZhbElabH" + }, + "outputs": [], + "source": [ + "import numpy as np\n", + "import time\n", + "import random\n", + "import math" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Initialize population\n", + "\n", + "Then, we can initialize the population. In this code sample, we have a population of size 5000, a chromosome size is 10, and there will be 5 generations. \n", + "Each chromosome will contain 10 random floats between 0 and 1.\n", + "\n", + "We also are setting a seed to be able to reproduce the results later." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "7tIa-I5KlxfB" + }, + "outputs": [], + "source": [ + "random.seed(1111)\n", + "\n", + "pop_size = 5000\n", + "chrom_size = 10\n", + "num_generations = 5\n", + "\n", + "fitnesses = np.zeros(pop_size, dtype=np.float32)\n", + "chromosomes = np.zeros(shape=(pop_size, chrom_size), dtype = np.float32)\n", + "for i in range(pop_size):\n", + " for j in range(chrom_size):\n", + " chromosomes[i][j] = random.uniform(0,1) #random float between 0.0 and 1.0" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Genetic Algorithm implementation\n", + "\n", + "The next step is to create a general purpose genetic algorithm, which means calculating the fitness value for all the chromosomes, selection of chromosomes, crossover and mutation functions.\n", + "\n", + "### Simple evaluation method\n", + "\n", + "We are starting with a simple genome evaluation function. This will be our baseline and comparison for numba-dpex.\n", + "In this example, the fitness of an individual is computed by an arbitrary set of algebraic operations on the chromosome." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "aqLAygUEloco" + }, + "outputs": [], + "source": [ + "def eval_genomes_plain(chromosomes, fitnesses):\n", + " for i in range(len(chromosomes)):\n", + " num_loops = 3000\n", + " for j in range(num_loops):\n", + " fitnesses[i] += chromosomes[i][1]\n", + " for j in range(num_loops):\n", + " fitnesses[i] -= chromosomes[i][2]\n", + " for j in range(num_loops):\n", + " fitnesses[i] += chromosomes[i][3]\n", + "\n", + " if (fitnesses[i] < 0):\n", + " fitnesses[i] = 0" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Crossover\n", + "\n", + "The crossover operation creates children's genomes from selected parent chromosomes. As shown in the figure below, in this sample, the one-point crossover is made and one children's genome is created.\n", + "\n", + "The first part of the child's genome comes from the first parent, and the second half, from the second parent.\n", + "\n", + "\"image\"\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def crossover(first, second):\n", + " index = random.randint(0, len(first) - 1)\n", + " index2 = random.randint(0, len(second) - 1)\n", + "\n", + " child_sequence = []\n", + "\n", + " for y in range(math.floor(len(first) / 2)):\n", + " child_sequence.append( first[ (index + y) % len(first) ] )\n", + "\n", + " for y in range(math.floor(len(second)/ 2)):\n", + " child_sequence.append( second[ (index2 + y) % len(second) ] )\n", + " \n", + " return child_sequence" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Mutation\n", + "\n", + "The mutation operation can change the chromosome, as shown in the figure. In this code sample, there is a 1% chance of a random mutation.\n", + "\n", + "\"image\"\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def mutation(child_sequence, chance=0.01):\n", + " child_genome = np.zeros(len(child_sequence), dtype=np.float32)\n", + "\n", + " # Mutation\n", + " for a in range(len(child_sequence)):\n", + " if random.uniform(0,1) < chance:\n", + " child_genome[a] = random.uniform(0,1)\n", + " else:\n", + " child_genome[a] = child_sequence[a]\n", + "\n", + " return child_genome" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Create the next generation\n", + "\n", + "Now, let's create a function to compute the next generation in the Genetic Algorithm (next_generation function). It performs selection, then already implemented crossover and mutation. As a result of this function, there is a new population created.\n", + "\n", + "### Selection\n", + "Selection is a process when based on the calculated fitness function value, chromosomes to crossover are chosen. \n", + "\n", + "\"image\"\n", + "\n", + "In this example, there is a roulette week created relative to fitness value. \n", + "It allows fitness proportional selection - the bigger the fitness value, the bigger the chance that a given chromosome will be selected.\n", + "\n", + "The result of all the operations is returned as chromosomes." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "2R2JG2SLlrOK" + }, + "outputs": [], + "source": [ + "def next_generation(chromosomes, fitnesses):\n", + " fitness_pairs = []\n", + " fitnessTotal = 0.0\n", + " for i in range(len(chromosomes)):\n", + " fitness_pairs.append( [chromosomes[i], fitnesses[i]] )\n", + " fitnessTotal += fitnesses[i]\n", + "\n", + " # Sort fitness in descending order\n", + " fitnesses = list(reversed(sorted(fitnesses)))\n", + " sorted_pairs = list(reversed(sorted(fitness_pairs, key=lambda x: x[1])))\n", + "\n", + " new_chromosomes = np.zeros(shape=(pop_size, chrom_size), dtype = np.float32)\n", + "\n", + " # Roulette wheel\n", + " rouletteWheel = []\n", + " fitnessProportions = []\n", + " for i in range(len(chromosomes)):\n", + " fitnessProportions.append( float( fitnesses[i]/fitnessTotal ) )\n", + " if(i == 0):\n", + " rouletteWheel.append(fitnessProportions[i])\n", + " else:\n", + " rouletteWheel.append(rouletteWheel[i - 1] + fitnessProportions[i])\n", + "\n", + " # New population\n", + " for i in range(len(chromosomes)):\n", + "\n", + " # Selection\n", + " spin1 = random.uniform(0, 1)\n", + " spin2 = random.uniform(0, 1)\n", + "\n", + " j = 0\n", + " while( rouletteWheel[j] <= spin1 ):\n", + " j += 1\n", + "\n", + " k = 0\n", + " while( rouletteWheel[k] <= spin2 ):\n", + " k += 1\n", + "\n", + " parentFirst = sorted_pairs[j][0]\n", + " parentSecond = sorted_pairs[k][0]\n", + "\n", + " # Crossover \n", + " child_sequence = crossover(parentFirst, parentSecond)\n", + "\n", + " # Mutation\n", + " child_genome = mutation(child_sequence)\n", + " \n", + " # Add new chromosome to next population\n", + " new_chromosomes[i] = child_genome\n", + "\n", + " return new_chromosomes" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Run the algorithm\n", + "\n", + "Now, we can run the implemented algorithm and measure the time of the selected number of generations (set before as a 5). \n", + "\n", + "As a first population is already initialized, each generation contains the following steps:\n", + "\n", + "* evaluation of the current population using eval_genomes_plain function\n", + "* generating next generation using eval_genomes_plain function\n", + "* wipe fitnesses values, as there is already a new generation created\n", + "\n", + "The time for those operations is measured and printed after the computations. There is also the first chromosome printed to show computations were the same between both tests." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "QVMNDir4l1KH", + "outputId": "e1dfdf37-bc62-401b-d001-62de65ace1ba" + }, + "outputs": [], + "source": [ + "print(\"CPU:\")\n", + "start = time.time()\n", + "\n", + "# Genetic Algorithm on CPU\n", + "for i in range(num_generations):\n", + " print(\"Gen \" + str(i+1) + \"/\" + str(num_generations))\n", + " eval_genomes_plain(chromosomes, fitnesses)\n", + " chromosomes = next_generation(chromosomes, fitnesses) \n", + " fitnesses = np.zeros(pop_size, dtype=np.float32)\n", + "end = time.time()\n", + "\n", + "time_cpu = end-start\n", + "print(\"time elapsed: \" + str((time_cpu)))\n", + "print(\"First chromosome: \" + str(chromosomes[0]))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## GPU execution using numba-dpex\n", + "\n", + "We need to start with new population initialization, as we want to perform the same operations but now on GPU using numba-dpex implementation.\n", + "\n", + "We are setting random seed the same as before to reproduce the results. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "_fzA5qM5l6xD" + }, + "outputs": [], + "source": [ + "random.seed(1111)\n", + "fitnesses = np.zeros(pop_size, dtype=np.float32)\n", + "chromosomes = np.zeros(shape=(pop_size, chrom_size), dtype = np.float32)\n", + "for i in range(pop_size):\n", + " for j in range(chrom_size):\n", + " chromosomes[i][j] = random.uniform(0,1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Evaluation function using numba-dpex\n", + "\n", + "The only par that differs form the standard implementation is the evaluation function.\n", + "\n", + "The most important part is to specify the global index of the computation. This is the current index of the computed chromosomes. This serves as a loop function across all chromosomes." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 529 + }, + "id": "_2E6iOuCrO2_", + "outputId": "c9dc7784-a875-40a4-865c-674f40a61cfe" + }, + "outputs": [], + "source": [ + "import numba_dpex\n", + "\n", + "@numba_dpex.kernel\n", + "def eval_genomes_sycl_kernel(chromosomes, fitnesses, chrom_length):\n", + " pos = numba_dpex.get_global_id(0)\n", + " num_loops = 3000\n", + " for i in range(num_loops):\n", + " fitnesses[pos] += chromosomes[pos*chrom_length + 1]\n", + " for i in range(num_loops):\n", + " fitnesses[pos] -= chromosomes[pos*chrom_length + 2]\n", + " for i in range(num_loops):\n", + " fitnesses[pos] += chromosomes[pos*chrom_length + 3]\n", + "\n", + " if (fitnesses[pos] < 0):\n", + " fitnesses[pos] = 0" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, we can measure the time to perform some generations of the Genetic Algorithm with Data Parallel Python Numba dpex. \n", + "\n", + "Similarly like before, the time of the evaluation, creation of new generation and fitness wipe are measured for GPU execution. But first, we need to send all the chromosomes and fitnesses container to the chosen device. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "YV32siyotc3H" + }, + "outputs": [], + "source": [ + "import dpnp\n", + "\n", + "print(\"SYCL:\")\n", + "start = time.time()\n", + "\n", + "# Genetic Algorithm on GPU\n", + "for i in range(num_generations):\n", + " print(\"Gen \" + str(i+1) + \"/\" + str(num_generations))\n", + " chromosomes_flat = chromosomes.flatten()\n", + " chromosomes_flat_dpctl = dpnp.asarray(chromosomes_flat, device=\"gpu\")\n", + " fitnesses_dpctl = dpnp.asarray(fitnesses, device=\"gpu\")\n", + "\n", + " eval_genomes_sycl_kernel[numba_dpex.Range(pop_size)](chromosomes_flat_dpctl, fitnesses_dpctl, chrom_size)\n", + " fitnesses = dpnp.asnumpy(fitnesses_dpctl)\n", + " chromosomes = next_generation(chromosomes, fitnesses)\n", + " fitnesses = np.zeros(pop_size, dtype=np.float32)\n", + "\n", + "\n", + "end = time.time()\n", + "time_sycl = end-start\n", + "print(\"time elapsed: \" + str((time_sycl)))\n", + "print(\"First chromosome: \" + str(chromosomes[0]))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, let's print execution times for both CPU and GPU." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(\"SYCL: \", time_sycl, \" CPU: \", time_cpu)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The time comparison is also shown in the diagram." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from matplotlib import pyplot as plt\n", + "\n", + "plt.figure()\n", + "plt.title(\"Time comparison\")\n", + "plt.bar([\"Numba_dpex\", \"without optimization\"], [time_sycl, time_cpu])\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Traveling Salesman Problem\n", + "\n", + "Now, let's use the knowledge about genetic algorithms to a specific problem in this code sample the Traveling Salesman Problem. There are given the cities and the distances between them. The salesman needs to visit all the cities, using possibly the shortest path. \n", + "\n", + "This problem is NP-hard and in our case, the number of possible combinations equals len(cities)! e.g. if there are 6 cities we have 720 combinations but when we have 10 cities we have over 3.000.000 combinations.\n", + "\n", + "In our example we have defined:\n", + "\n", + "* starting city as a 0\n", + "* 10 cities to visit from 1 to 10\n", + "\n", + "We generate distances between cities randomly in the range of defined min (100km) and max value (400km). The matrix of the distances between cities is printed after generation." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# generate distances matrix for the cities\n", + "# min length is 10 km and max length is 400km\n", + "\n", + "start_city = '0'\n", + "min = 100\n", + "max = 400\n", + "cities = ['1', '2', '3', '4', '5', '6', '7', '8', '9', '10']\n", + "\n", + "distances = np.zeros(shape=(len(cities)+1, len(cities)+1), dtype=int)\n", + "\n", + "for i in range(len(cities)+1):\n", + " for j in range(len(cities)+1):\n", + " if i != j:\n", + " distances[i][j] = random.randint(min-1, max+1)\n", + " else:\n", + " distances[i][j] = 0\n", + " print(distances[i])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Initialize population\n", + "\n", + "Now, we need to initialize the population. As a chromosome, we define possible paths from city 0 to city 0 visiting all other cities.\n", + "\n", + "The population size is set to 1000, but you can easily change those parameters and experiment yourself - see if the size of the population will impact the best find result. Remember, as the genetic algorithm is a heuristic it can generate different results every run." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "pop_size = 1000\n", + "chrom_size = len(cities) # number of cities to visit without city the salesman is staring in\n", + "num_generations = 5\n", + "\n", + "fitnesses = np.zeros(pop_size, dtype=float)\n", + "chromosomes = np.zeros(shape=(pop_size, chrom_size + 2), dtype=int)\n", + "for i in range(pop_size):\n", + " chromosomes[i][0] = start_city # city we are starting\n", + " to_choose = cities.copy()\n", + " for j in range(chrom_size):\n", + " element = random.choice(list(to_choose))\n", + " chromosomes[i][j + 1] = element\n", + " to_choose.remove(element) # To avoid visiting the same city twice\n", + " chromosomes[i][chrom_size + 1] = start_city # city we are ending" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Evaluation function\n", + "\n", + "The evaluate created generation we are calculating the full distance of the given path (chromosome). In this example, the lower the fitness value is, the better the chromosome. That's different from the general GA that we implemented.\n", + "\n", + "As in this example we are also using numba-dpex, we are using a global index like before." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "@numba_dpex.kernel\n", + "def eval_genomes_plain_TSP_SYCL(chromosomes, fitnesses, distances, pop_length):\n", + " pos = numba_dpex.get_global_id(0)\n", + " for j in range(pop_length-1):\n", + " fitnesses[pos] += distances[int(chromosomes[pos, j]), int(chromosomes[pos, j+1])]\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Crossover\n", + "\n", + "For TSP crossover is defined in a very specific way. The first half of the child's chromosome is taken from the first parent, but the second part is in the order of the second parent. This way we can avoid broken chromosomes that don't generate any solution." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def crossover(parentFirst, parentSecond):\n", + " child_sequence = []\n", + " child_sequence.append(0)\n", + "\n", + " parent = parentFirst.copy()\n", + " parent = list(filter(lambda a: a != 0, parent))\n", + " help = parentSecond.copy()\n", + " help = list(filter(lambda a: a != 0, help))\n", + "\n", + " for i in range(math.floor(len(parent)/2)):\n", + " child_sequence.append(parent[i])\n", + " help.remove(parent[i])\n", + "\n", + " child_sequence.extend(help)\n", + " child_sequence.append(0)\n", + "\n", + " return child_sequence" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Mutation\n", + "\n", + "For TSP the mutation we defined as a random switch of the order between 2 cities. The same as in the case of general use GA the chance of the mutation is set to 0.01. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def mutation(chromosome, chance=0.01):\n", + " child_genome = chromosome.copy()\n", + " if random.uniform(0,1) < chance: # 1% chance of a random mutation\n", + " index1 = random.randint(1, len(chromosome)-1)\n", + " index2 = random.randint(1, len(chromosome)-1)\n", + " if index1 != index2:\n", + " child_genome[index1] = chromosome[index2]\n", + " child_genome[index2] = chromosome[index1]\n", + " return child_genome" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Next generation\n", + "\n", + "The algorithm for generating a new population for this problem is the same - we are using a roulette wheel, but this time we need to order chromosomes in incrementing order accordingly to fitnesses. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def next_generation_TSP(chromosomes, fitnesses):\n", + " fitness_pairs = []\n", + " fitnessTotal = 0.0\n", + " for i in range(len(chromosomes)):\n", + " fitness_pairs.append([chromosomes[i], fitnesses[i]])\n", + " fitnessTotal += float(fitnesses[i])\n", + "\n", + " fitnesses = list(sorted(fitnesses)) #fitnesses now in order\n", + " sorted_pairs = list(sorted(fitness_pairs, key=lambda x: x[1]))\n", + "\n", + " new_chromosomes = np.zeros(shape=(pop_size, chrom_size+2), dtype = int)\n", + "\n", + " # Create roulette wheel \n", + " rouletteWheel = []\n", + " fitnessProportions = []\n", + " for i in range(len(chromosomes)):\n", + " fitnessProportions.append( float( fitnesses[i]/fitnessTotal ) )\n", + " if(i == 0):\n", + " rouletteWheel.append(fitnessProportions[i])\n", + " else:\n", + " rouletteWheel.append(rouletteWheel[i - 1] + fitnessProportions[i])\n", + "\n", + " # Generate new population with children of selected chromosomes\n", + " for i in range(len(chromosomes)):\n", + "\n", + " #Fitness Proportional Selection\n", + " spin1 = random.uniform(0, 1)\n", + " spin2 = random.uniform(0, 1)\n", + "\n", + " j = 0\n", + " while( rouletteWheel[j] <= spin1 ):\n", + " j += 1\n", + "\n", + " k = 0\n", + " while( rouletteWheel[k] <= spin2 ):\n", + " k += 1\n", + "\n", + " parentFirst = sorted_pairs[j][0]\n", + " parentSecond = sorted_pairs[k][0]\n", + "\n", + " child_sequence = crossover(parentFirst, parentSecond)\n", + " child_genome = mutation(child_sequence)\n", + "\n", + " new_chromosomes[i] = child_genome\n", + " return new_chromosomes" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Algorithm execution\n", + "\n", + "The execution of the algorithm looks the same, but now, we are just using the methods prepared for the Traveling Salesman Problem. \n", + "\n", + "In the end, there is the best and the worst chromosome from the last population shown together with the path distance. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(\"Traveling Salesman Problem:\")\n", + "\n", + "distances_dpctl = dpnp.asarray(distances, device=\"gpu\")\n", + "# Genetic Algorithm on GPU\n", + "for i in range(num_generations):\n", + " print(\"Gen \" + str(i+1) + \"/\" + str(num_generations))\n", + " chromosomes_flat_dpctl = dpnp.asarray(chromosomes, device=\"gpu\")\n", + " fitnesses_dpctl = dpnp.asarray(fitnesses.copy(), device=\"gpu\")\n", + "\n", + " eval_genomes_plain_TSP_SYCL[numba_dpex.Range(pop_size)](chromosomes_flat_dpctl, fitnesses_dpctl, distances_dpctl, pop_size)\n", + " fitnesses = dpnp.asnumpy(fitnesses_dpctl)\n", + " chromosomes = next_generation_TSP(chromosomes, fitnesses)\n", + " fitnesses = np.zeros(pop_size, dtype=np.float32)\n", + "\n", + "for i in range(len(chromosomes)):\n", + " for j in range(11):\n", + " fitnesses[i] += distances[int(chromosomes[i][j])][int(chromosomes[i][j+1])]\n", + "\n", + "fitness_pairs = []\n", + "\n", + "for i in range(len(chromosomes)):\n", + " fitness_pairs.append([chromosomes[i], fitnesses[i]])\n", + "\n", + "fitnesses = list(sorted(fitnesses))\n", + "sorted_pairs = list(sorted(fitness_pairs, key=lambda x: x[1]))\n", + "\n", + "print(\"Best path: \", sorted_pairs[0][0], \" distance: \", sorted_pairs[0][1])\n", + "print(\"Worst path: \", sorted_pairs[-1][0], \" distance: \", sorted_pairs[-1][1])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this code sample, there was a general purpose Genetic Algorithm created and optimized using numba-dpex to run on GPU. Then the same approach was applied to the Traveling Salesman Problem." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(\"[CODE_SAMPLE_COMPLETED_SUCCESFULLY]\")" + ] + } + ], + "metadata": { + "accelerator": "GPU", + "colab": { + "gpuType": "T4", + "provenance": [] + }, + "kernelspec": { + "display_name": "base", + "language": "python", + "name": "base" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.18" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/IntelPython_GPU_numba-dpex_Genetic_Algorithm.py b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/IntelPython_GPU_numba-dpex_Genetic_Algorithm.py new file mode 100644 index 0000000000..072e8e97b6 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/IntelPython_GPU_numba-dpex_Genetic_Algorithm.py @@ -0,0 +1,556 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[ ]: + + +# ============================================================= +# Copyright © 2024 Intel Corporation +# +# SPDX-License-Identifier: MIT +# ============================================================= + + +# # Genetic Algorithms on GPU using Intel Distribution of Python numba-dpex +# +# This code sample shows how to implement a basic genetic algorithm with Data Parallel Python using numba-dpex. +# +# ## Genetic algorithms +# +# Let's start with the question **What is a genetic algorithm?**. It is an algorithm, search heuristic inspired by the process of natural selection. It is usually applied to various optimization problems, NP-hard problems for which finding a solution by standard methods is very time and resource consuming. This algorithm makes it possible to obtain a satisfying high quality result based on biology-inspired operations, such as: +#   +# * selection - is the process of selecting parents who mate and recombine to create offspring for the next generation. Parent selection is very crucial to the convergence rate of the GA as good parents drive individuals to better and fitter solutions. +# * crossover - is a process similar to biological crossover. In this, more than one parent is selected and one or more offspring are produced using the genetic material of the parents. +# * mutation - small random tweak in the chromosome, to get a new solution. It is used to maintain and introduce diversity in the genetic population and is usually applied with a low probability. +# +# To apply the genetic algorithm to a specific problem, it is important to define the representation of the chromosome, as well as how the three operations should look like. +# +# In this example, we will show, first, the general implementation of the genetic algorithm, and then the adaptation of this function to the Traveling Salesman Problem. + +# Let us start with import of the libraries used in this code sample. + +# In[ ]: + + +import numpy as np +import time +import random +import math + + +# ## Initialize population +# +# Then, we can initialize the population. In this code sample, we have a population of size 5000, a chromosome size is 10, and there will be 5 generations. +# Each chromosome will contain 10 random floats between 0 and 1. +# +# We also are setting a seed to be able to reproduce the results later. + +# In[ ]: + + +random.seed(1111) + +pop_size = 5000 +chrom_size = 10 +num_generations = 5 + +fitnesses = np.zeros(pop_size, dtype=np.float32) +chromosomes = np.zeros(shape=(pop_size, chrom_size), dtype = np.float32) +for i in range(pop_size): + for j in range(chrom_size): + chromosomes[i][j] = random.uniform(0,1) #random float between 0.0 and 1.0 + + +# ## Genetic Algorithm implementation +# +# The next step is to create a general purpose genetic algorithm, which means calculating the fitness value for all the chromosomes, selection of chromosomes, crossover and mutation functions. +# +# ### Simple evaluation method +# +# We are starting with a simple genome evaluation function. This will be our baseline and comparison for numba-dpex. +# In this example, the fitness of an individual is computed by an arbitrary set of algebraic operations on the chromosome. + +# In[ ]: + + +def eval_genomes_plain(chromosomes, fitnesses): + for i in range(len(chromosomes)): + num_loops = 3000 + for j in range(num_loops): + fitnesses[i] += chromosomes[i][1] + for j in range(num_loops): + fitnesses[i] -= chromosomes[i][2] + for j in range(num_loops): + fitnesses[i] += chromosomes[i][3] + + if (fitnesses[i] < 0): + fitnesses[i] = 0 + + +# ### Crossover +# +# The crossover operation creates children's genomes from selected parent chromosomes. As shown in the figure below, in this sample, the one-point crossover is made and one children's genome is created. +# +# The first part of the child's genome comes from the first parent, and the second half, from the second parent. +# +# image +# + +# In[ ]: + + +def crossover(first, second): + index = random.randint(0, len(first) - 1) + index2 = random.randint(0, len(second) - 1) + + child_sequence = [] + + for y in range(math.floor(len(first) / 2)): + child_sequence.append( first[ (index + y) % len(first) ] ) + + for y in range(math.floor(len(second)/ 2)): + child_sequence.append( second[ (index2 + y) % len(second) ] ) + + return child_sequence + + +# ### Mutation +# +# The mutation operation can change the chromosome, as shown in the figure. In this code sample, there is a 1% chance of a random mutation. +# +# image +# + +# In[ ]: + + +def mutation(child_sequence, chance=0.01): + child_genome = np.zeros(len(child_sequence), dtype=np.float32) + + # Mutation + for a in range(len(child_sequence)): + if random.uniform(0,1) < chance: + child_genome[a] = random.uniform(0,1) + else: + child_genome[a] = child_sequence[a] + + return child_genome + + +# ## Create the next generation +# +# Now, let's create a function to compute the next generation in the Genetic Algorithm (next_generation function). It performs selection, then already implemented crossover and mutation. As a result of this function, there is a new population created. +# +# ### Selection +# Selection is a process when based on the calculated fitness function value, chromosomes to crossover are chosen. +# +# image +# +# In this example, there is a roulette week created relative to fitness value. +# It allows fitness proportional selection - the bigger the fitness value, the bigger the chance that a given chromosome will be selected. +# +# The result of all the operations is returned as chromosomes. +# + +# In[ ]: + + +def next_generation(chromosomes, fitnesses): + fitness_pairs = [] + fitnessTotal = 0.0 + for i in range(len(chromosomes)): + fitness_pairs.append( [chromosomes[i], fitnesses[i]] ) + fitnessTotal += fitnesses[i] + + # Sort fitness in descending order + fitnesses = list(reversed(sorted(fitnesses))) + sorted_pairs = list(reversed(sorted(fitness_pairs, key=lambda x: x[1]))) + + new_chromosomes = np.zeros(shape=(pop_size, chrom_size), dtype = np.float32) + + # Roulette wheel + rouletteWheel = [] + fitnessProportions = [] + for i in range(len(chromosomes)): + fitnessProportions.append( float( fitnesses[i]/fitnessTotal ) ) + if(i == 0): + rouletteWheel.append(fitnessProportions[i]) + else: + rouletteWheel.append(rouletteWheel[i - 1] + fitnessProportions[i]) + + # New population + for i in range(len(chromosomes)): + + # Selection + spin1 = random.uniform(0, 1) + spin2 = random.uniform(0, 1) + + j = 0 + while( rouletteWheel[j] <= spin1 ): + j += 1 + + k = 0 + while( rouletteWheel[k] <= spin2 ): + k += 1 + + parentFirst = sorted_pairs[j][0] + parentSecond = sorted_pairs[k][0] + + # Crossover + child_sequence = crossover(parentFirst, parentSecond) + + # Mutation + child_genome = mutation(child_sequence) + + # Add new chromosome to next population + new_chromosomes[i] = child_genome + + return new_chromosomes + + +# ## Run the algorithm +# +# Now, we can run the implemented algorithm and measure the time of the selected number of generations (set before as a 5). +# +# As a first population is already initialized, each generation contains the following steps: +# +# * evaluation of the current population using eval_genomes_plain function +# * generating next generation using eval_genomes_plain function +# * wipe fitnesses values, as there is already a new generation created +# +# The time for those operations is measured and printed after the computations. There is also the first chromosome printed to show computations were the same between both tests. + +# In[ ]: + + +print("CPU:") +start = time.time() + +# Genetic Algorithm on CPU +for i in range(num_generations): + print("Gen " + str(i+1) + "/" + str(num_generations)) + eval_genomes_plain(chromosomes, fitnesses) + chromosomes = next_generation(chromosomes, fitnesses) + fitnesses = np.zeros(pop_size, dtype=np.float32) +end = time.time() + +time_cpu = end-start +print("time elapsed: " + str((time_cpu))) +print("First chromosome: " + str(chromosomes[0])) + + +# ## GPU execution using numba-dpex +# +# We need to start with new population initialization, as we want to perform the same operations but now on GPU using numba-dpex implementation. +# +# We are setting random seed the same as before to reproduce the results. + +# In[ ]: + + +random.seed(1111) +fitnesses = np.zeros(pop_size, dtype=np.float32) +chromosomes = np.zeros(shape=(pop_size, chrom_size), dtype = np.float32) +for i in range(pop_size): + for j in range(chrom_size): + chromosomes[i][j] = random.uniform(0,1) + + +# ### Evaluation function using numba-dpex +# +# The only par that differs form the standard implementation is the evaluation function. +# +# The most important part is to specify the global index of the computation. This is the current index of the computed chromosomes. This serves as a loop function across all chromosomes. + +# In[ ]: + + +import numba_dpex + +@numba_dpex.kernel +def eval_genomes_sycl_kernel(chromosomes, fitnesses, chrom_length): + pos = numba_dpex.get_global_id(0) + num_loops = 3000 + for i in range(num_loops): + fitnesses[pos] += chromosomes[pos*chrom_length + 1] + for i in range(num_loops): + fitnesses[pos] -= chromosomes[pos*chrom_length + 2] + for i in range(num_loops): + fitnesses[pos] += chromosomes[pos*chrom_length + 3] + + if (fitnesses[pos] < 0): + fitnesses[pos] = 0 + +# Now, we can measure the time to perform some generations of the Genetic Algorithm with Data Parallel Python Numba dpex. +# +# Similarly like before, the time of the evaluation, creation of new generation and fitness wipe are measured for GPU execution. But first, we need to send all the chromosomes and fitnesses container to the chosen device. + +# In[ ]: + + +import dpnp + +print("SYCL:") +start = time.time() + +# Genetic Algorithm on GPU +for i in range(num_generations): + print("Gen " + str(i+1) + "/" + str(num_generations)) + chromosomes_flat = chromosomes.flatten() + chromosomes_flat_dpctl = dpnp.asarray(chromosomes_flat, device="gpu") + fitnesses_dpctl = dpnp.asarray(fitnesses, device="gpu") + + eval_genomes_sycl_kernel[numba_dpex.Range(pop_size)](chromosomes_flat_dpctl, fitnesses_dpctl, chrom_size) + fitnesses = dpnp.asnumpy(fitnesses_dpctl) + chromosomes = next_generation(chromosomes, fitnesses) + fitnesses = np.zeros(pop_size, dtype=np.float32) + + +end = time.time() +time_sycl = end-start +print("time elapsed: " + str((time_sycl))) +print("First chromosome: " + str(chromosomes[0])) + + +# Now, let's print execution times for both CPU and GPU. + +# In[ ]: + + +print("SYCL: ", time_sycl, " CPU: ", time_cpu) + + +# The time comparison is also shown in the diagram. + +# In[ ]: + + +from matplotlib import pyplot as plt + +plt.figure() +plt.title("Time comparison") +plt.bar(["Numba_dpex", "without optimization"], [time_sycl, time_cpu]) + +plt.show() + + +# # Traveling Salesman Problem +# +# Now, let's use the knowledge about genetic algorithms to a specific problem in this code sample the Traveling Salesman Problem. There are given the cities and the distances between them. The salesman needs to visit all the cities, using possibly the shortest path. +# +# This problem is NP-hard and in our case, the number of possible combinations equals len(cities)! e.g. if there are 6 cities we have 720 combinations but when we have 10 cities we have over 3.000.000 combinations. +# +# In our example we have defined: +# +# * starting city as a 0 +# * 10 cities to visit from 1 to 10 +# +# We generate distances between cities randomly in the range of defined min (100km) and max value (400km). The matrix of the distances between cities is printed after generation. + +# In[ ]: + + +# generate distances matrix for the cities +# min length is 10 km and max length is 400km + +start_city = '0' +min = 100 +max = 400 +cities = ['1', '2', '3', '4', '5', '6', '7', '8', '9', '10'] + +distances = np.zeros(shape=(len(cities)+1, len(cities)+1), dtype=int) + +for i in range(len(cities)+1): + for j in range(len(cities)+1): + if i != j: + distances[i][j] = random.randint(min-1, max+1) + else: + distances[i][j] = 0 + print(distances[i]) + + +# ## Initialize population +# +# Now, we need to initialize the population. As a chromosome, we define possible paths from city 0 to city 0 visiting all other cities. +# +# The population size is set to 1000, but you can easily change those parameters and experiment yourself - see if the size of the population will impact the best find result. Remember, as the genetic algorithm is a heuristic it can generate different results every run. + +# In[ ]: + + +pop_size = 1000 +chrom_size = len(cities) # number of cities to visit without city the salesman is staring in +num_generations = 5 + +fitnesses = np.zeros(pop_size, dtype=float) +chromosomes = np.zeros(shape=(pop_size, chrom_size + 2), dtype=int) +for i in range(pop_size): + chromosomes[i][0] = start_city # city we are starting + to_choose = cities.copy() + for j in range(chrom_size): + element = random.choice(list(to_choose)) + chromosomes[i][j + 1] = element + to_choose.remove(element) # To avoid visiting the same city twice + chromosomes[i][chrom_size + 1] = start_city # city we are ending + + +# ### Evaluation function +# +# The evaluate created generation we are calculating the full distance of the given path (chromosome). In this example, the lower the fitness value is, the better the chromosome. That's different from the general GA that we implemented. +# +# As in this example we are also using numba-dpex, we are using a global index like before. + +# In[ ]: + + +@numba_dpex.kernel +def eval_genomes_plain_TSP_SYCL(chromosomes, fitnesses, distances, pop_length): + pos = numba_dpex.get_global_id(0) + for j in range(pop_length-1): + fitnesses[pos] += distances[int(chromosomes[pos, j]), int(chromosomes[pos, j+1])] + + +# ### Crossover +# +# For TSP crossover is defined in a very specific way. The first half of the child's chromosome is taken from the first parent, but the second part is in the order of the second parent. This way we can avoid broken chromosomes that don't generate any solution. + +# In[ ]: + + +def crossover(parentFirst, parentSecond): + child_sequence = [] + child_sequence.append(0) + + parent = parentFirst.copy() + parent = list(filter(lambda a: a != 0, parent)) + help = parentSecond.copy() + help = list(filter(lambda a: a != 0, help)) + + for i in range(math.floor(len(parent)/2)): + child_sequence.append(parent[i]) + help.remove(parent[i]) + + child_sequence.extend(help) + child_sequence.append(0) + + return child_sequence + + +# ### Mutation +# +# For TSP the mutation we defined as a random switch of the order between 2 cities. The same as in the case of general use GA the chance of the mutation is set to 0.01. + +# In[ ]: + + +def mutation(chromosome, chance=0.01): + child_genome = chromosome.copy() + if random.uniform(0,1) < chance: # 1% chance of a random mutation + index1 = random.randint(1, len(chromosome)-1) + index2 = random.randint(1, len(chromosome)-1) + if index1 != index2: + child_genome[index1] = chromosome[index2] + child_genome[index2] = chromosome[index1] + return child_genome + + +# ### Next generation +# +# The algorithm for generating a new population for this problem is the same - we are using a roulette wheel, but this time we need to order chromosomes in incrementing order accordingly to fitnesses. + +# In[ ]: + + +def next_generation_TSP(chromosomes, fitnesses): + fitness_pairs = [] + fitnessTotal = 0.0 + for i in range(len(chromosomes)): + fitness_pairs.append([chromosomes[i], fitnesses[i]]) + fitnessTotal += float(fitnesses[i]) + + fitnesses = list(sorted(fitnesses)) #fitnesses now in order + sorted_pairs = list(sorted(fitness_pairs, key=lambda x: x[1])) + + new_chromosomes = np.zeros(shape=(pop_size, chrom_size+2), dtype = int) + + # Create roulette wheel + rouletteWheel = [] + fitnessProportions = [] + for i in range(len(chromosomes)): + fitnessProportions.append( float( fitnesses[i]/fitnessTotal ) ) + if(i == 0): + rouletteWheel.append(fitnessProportions[i]) + else: + rouletteWheel.append(rouletteWheel[i - 1] + fitnessProportions[i]) + + # Generate new population with children of selected chromosomes + for i in range(len(chromosomes)): + + #Fitness Proportional Selection + spin1 = random.uniform(0, 1) + spin2 = random.uniform(0, 1) + + j = 0 + while( rouletteWheel[j] <= spin1 ): + j += 1 + + k = 0 + while( rouletteWheel[k] <= spin2 ): + k += 1 + + parentFirst = sorted_pairs[j][0] + parentSecond = sorted_pairs[k][0] + + child_sequence = crossover(parentFirst, parentSecond) + child_genome = mutation(child_sequence) + + new_chromosomes[i] = child_genome + return new_chromosomes + + +# ## Algorithm execution +# +# The execution of the algorithm looks the same, but now, we are just using the methods prepared for the Traveling Salesman Problem. +# +# In the end, there is the best and the worst chromosome from the last population shown together with the path distance. + +# In[ ]: + + +print("Traveling Salesman Problem:") + +distances_dpctl = dpnp.asarray(distances, device="gpu") +# Genetic Algorithm on GPU +for i in range(num_generations): + print("Gen " + str(i+1) + "/" + str(num_generations)) + chromosomes_flat_dpctl = dpnp.asarray(chromosomes, device="gpu") + fitnesses_dpctl = dpnp.asarray(fitnesses.copy(), device="gpu") + + eval_genomes_plain_TSP_SYCL[numba_dpex.Range(pop_size)](chromosomes_flat_dpctl, fitnesses_dpctl, distances_dpctl, pop_size) + fitnesses = dpnp.asnumpy(fitnesses_dpctl) + chromosomes = next_generation_TSP(chromosomes, fitnesses) + fitnesses = np.zeros(pop_size, dtype=np.float32) + +for i in range(len(chromosomes)): + for j in range(11): + fitnesses[i] += distances[int(chromosomes[i][j])][int(chromosomes[i][j+1])] + +fitness_pairs = [] + +for i in range(len(chromosomes)): + fitness_pairs.append([chromosomes[i], fitnesses[i]]) + +fitnesses = list(sorted(fitnesses)) +sorted_pairs = list(sorted(fitness_pairs, key=lambda x: x[1])) + +print("Best path: ", sorted_pairs[0][0], " distance: ", sorted_pairs[0][1]) +print("Worst path: ", sorted_pairs[-1][0], " distance: ", sorted_pairs[-1][1]) + + +# In this code sample, there was a general purpose Genetic Algorithm created and optimized using numba-dpex to run on GPU. Then the same approach was applied to the Traveling Salesman Problem. + +# In[ ]: + + +print("[CODE_SAMPLE_COMPLETED_SUCCESFULLY]") + diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/License.txt b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/License.txt old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/License.txt rename to AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/License.txt diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/README.md b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/README.md new file mode 100644 index 0000000000..3c7c97d4ee --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/README.md @@ -0,0 +1,117 @@ +# `Genetic Algorithms on GPU using Intel® Distribution for Python* numba-dpex` Sample + +The `Genetic Algorithms on GPU using Intel® Distribution for Python* numba-dpex` sample shows how to implement a general genetic algorithm (GA) and offload computation to a GPU using numba-dpex. + +| Property | Description +| :--- | :--- +| Category | Code Optimization +| What you will learn | How to implement the genetic algorithm using the Data-parallel Extension for Numba* (numba-dpex)? +| Time to complete | 8 minutes + +>**Note**: This sample is validated on Intel® Distribution for Python* Offline Installer and AI Tools Offline Installer. For the full list of validated platforms refer to [Platform Validation](https://github.com/oneapi-src/oneAPI-samples/tree/master?tab=readme-ov-file#platform-validation). + +## Purpose + +In this sample, you will create and run the general genetic algorithm and optimize it to run on GPU using the Intel® Distribution for Python* numba-dpex. You will learn what are selection, crossover, and mutation, and how to adjust those methods from general genetic algorithm to a specific optimization problem which is the Traveling Salesman Problem. + +## Prerequisites + +| Optimized for | Description +|:--- |:--- +| OS | Ubuntu* 20.04 +| Hardware | GPU +| Software | Intel® Distribution for Python* + +## Key Implementation Details + +This sample code is implemented for GPUs using Python. The sample assumes you have numba-dpex installed inside a Conda environment, similar to what is installed with the Intel® Distribution for Python*. + +The sample tutorial contains one Jupyter Notebook and one Python script. You can use either. + +## Environment Setup +You will need to download and install the following toolkits to use the sample. + + +**1. Get Intel® Distribution for Python*** + +If you have not already, install Intel® Distribution for Python* via [Installer](https://www.intel.com/content/www/us/en/developer/tools/oneapi/distribution-python-download.html?operatingsystem=linux&linux-install-type=offline). + +**2. Activate the Intel® Distribution for Python\* base environment** + +If the default path is used during the installation of Intel® Distribution for Python*: +``` +source $HOME/intelpython3/bin/activate +``` +If a non-default path is used: +``` +source /bin/activate +``` + +**3. Clone the GitHub repository** + + +``` +git clone https://github.com/oneapi-src/oneAPI-samples.git +cd oneAPI-samples/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm +``` + +**4. Install dependencies** + +>**Note**: Before running the following commands, make sure your Conda environment is activated + +``` +pip install -r requirements.txt +pip install notebook +``` +For Jupyter Notebook, refer to [Installing Jupyter](https://jupyter.org/install) for detailed installation instructions. + +## Run the Sample +>**Note**: Before running the sample, make sure [Environment Setup](https://github.com/oneapi-src/oneAPI-samples/tree/master/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm#environment-setup) is completed. + +### Intel® Distribution for Python* Offline Installer (Validated) + +**1. Register Conda kernel to Jupyter Notebook kernel** + +If the default path is used during the installation of Intel® Distribution for Python*: +``` +$HOME/intelpython3/bin/python -m ipykernel install --user --name=base +``` +If a non-default path is used: +``` +/bin/python -m ipykernel install --user --name=base +``` +**2. Launch Jupyter Notebook** + +``` +jupyter notebook --ip=0.0.0.0 +``` +**3. Follow the instructions to open the URL with the token in your browser** + +**4. Select the Notebook** + +``` +IntelPython_GPU_numba-dpex_Genetic_Algorithm.ipynb +``` +**5. Change the kernel to `base`** + +**6. Run every cell in the Notebook in sequence** + +## Example Output + +If successful, the sample displays `[CODE_SAMPLE_COMPLETED_SUCCESSFULLY]` at the end of execution. The sample will print out the runtimes and charts of relative performance with numba-dpex and without any optimizations as the baseline. Additionally, sample will print the best and worst path found in the Traveling Salesman Problem. + +## Related Samples + +* [Get Started with the Intel® Distribution for Python*](https://www.intel.com/content/www/us/en/developer/articles/technical/get-started-with-intel-distribution-for-python.html) + +## License + +Code samples are licensed under the MIT license. See +[License.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/License.txt) +for details. + +Third party program Licenses can be found here: +[third-party-programs.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/third-party-programs.txt) + +*Other names and brands may be claimed as the property of others. [Trademarks](https://www.intel.com/content/www/us/en/legal/trademarks.html) diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/crossover.png b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/crossover.png new file mode 100644 index 0000000000..c84e77a2b3 Binary files /dev/null and b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/crossover.png differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/mutation.png b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/mutation.png new file mode 100644 index 0000000000..ed36baba86 Binary files /dev/null and b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/mutation.png differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/selection.png b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/selection.png new file mode 100644 index 0000000000..7be4502b0a Binary files /dev/null and b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/assets/selection.png differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/requirements.txt b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/requirements.txt new file mode 100644 index 0000000000..ae93cbd23a --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/requirements.txt @@ -0,0 +1,2 @@ +ipykernel +matplotlib diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/sample.json new file mode 100644 index 0000000000..4ad8027821 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/sample.json @@ -0,0 +1,27 @@ +{ + "guid": "DB33884A-2DDE-4657-9F95-E6E573403F61", + "name": "Genetic Algorithms on GPU using Intel® Distribution of Python numba-dpex", + "categories": ["Toolkit/oneAPI AI And Analytics/Getting Started"], + "description": "This sample shows how to implement general genetic algorithm (GA) and offload computation to GPU using numba-dpex.", + "builder": ["cli"], + "languages": [{"python":{}}], + "dependencies": ["intelpython"], + "os":["linux"], + "targetDevice": ["GPU"], + "ciTests": { + "linux": [ + { + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate base", + "pip install -r requirements.txt" + ], + "id": "idp_ga_numba_dpex_py", + "steps": [ + "python IntelPython_GPU_numba-dpex_Genetic_Algorithm.py" + ] + } + ] +}, +"expertise": "Code Optimization" +} diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/third-party-programs.txt b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/third-party-programs.txt rename to AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/third-party-programs.txt index 90daff458d..e9f8042d0a 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/third-party-programs.txt +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/third-party-programs.txt @@ -1,253 +1,253 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + -------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.ipynb b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.ipynb index 23cb746893..47a10db05b 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.ipynb +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.ipynb @@ -331,6 +331,7 @@ "\n", "@numba_dpex.kernel\n", "def knn_numba_dpex(\n", + " item: numba_dpex.kernel_api.Item,\n", " train,\n", " train_labels,\n", " test,\n", @@ -339,8 +340,8 @@ " votes_to_classes_lst,\n", "):\n", " dtype = train.dtype\n", - " i = numba_dpex.get_global_id(0)\n", - " queue_neighbors = numba_dpex.private.array(shape=(3, 2), dtype=dtype)\n", + " i = item.get_id(0)\n", + " queue_neighbors = numba_dpex.kernel_api.PrivateArray(shape=(3, 2), dtype=dtype)\n", "\n", " for j in range(k):\n", " x1 = train[j, 0]\n", @@ -436,8 +437,15 @@ "y_train_dpt = dpnp.asarray(y_train.values, device=\"cpu\")\n", "X_test_dpt = dpnp.asarray(X_test.values, device=\"cpu\")\n", "\n", - "knn_numba_dpex[numba_dpex.Range(len(X_test.values))](\n", - " X_train_dpt, y_train_dpt, X_test_dpt, 3, predictions, votes_to_classes_lst\n", + "numba_dpex.call_kernel(\n", + " knn_numba_dpex,\n", + " numba_dpex.Range(len(X_test.values)),\n", + " X_train_dpt,\n", + " y_train_dpt,\n", + " X_test_dpt,\n", + " 3,\n", + " predictions,\n", + " votes_to_classes_lst,\n", ")" ] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.py b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.py index 5361129083..4150668b1a 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.py +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/IntelPython_Numpy_Numba_dpex_kNN.py @@ -237,6 +237,7 @@ def knn_numba(X_train, y_train, X_test, k): @numba_dpex.kernel def knn_numba_dpex( + item: numba_dpex.kernel_api.Item, train, train_labels, test, @@ -245,8 +246,8 @@ def knn_numba_dpex( votes_to_classes_lst, ): dtype = train.dtype - i = numba_dpex.get_global_id(0) - queue_neighbors = numba_dpex.private.array(shape=(3, 2), dtype=dtype) + i = item.get_id(0) + queue_neighbors = numba_dpex.kernel_api.PrivateArray(shape=(3, 2), dtype=dtype) for j in range(k): x1 = train[j, 0] @@ -333,8 +334,15 @@ def knn_numba_dpex( y_train_dpt = dpnp.asarray(y_train.values, device="cpu") X_test_dpt = dpnp.asarray(X_test.values, device="cpu") -knn_numba_dpex[numba_dpex.Range(len(X_test.values))]( - X_train_dpt, y_train_dpt, X_test_dpt, 3, predictions, votes_to_classes_lst +numba_dpex.call_kernel( + knn_numba_dpex, + numba_dpex.Range(len(X_test.values)), + X_train_dpt, + y_train_dpt, + X_test_dpt, + 3, + predictions, + votes_to_classes_lst, ) diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/README.md b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/README.md index 7303bd7507..1e95a29ff0 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/README.md +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN/README.md @@ -1,14 +1,14 @@ -# `Intel® Python NumPy vs numba-dpex` Sample +# `Intel® Python: NumPy vs numba-dpex` Sample -The `Intel® Python NumPy vs numba-dpex` sample shows how to achieve the same accuracy of the k-NN model classification while using NumPy, Numba, and Data-parallel Extension for Numba* (numba-dpex). +The `Intel® Python: NumPy vs numba-dpex` sample shows how to achieve the same accuracy of the k-NN model classification while using NumPy*, Numba*, and Data Parallel Extension for Numba* (numba-dpex). -| Area | Description +| Property | Description | :--- | :--- -| What you will learn | How to program using the Data-parallel Extension for Numba* (numba-dpex) -| Time to complete | 5 minutes | Category | Code Optimization +| What you will learn | How to program using the Data Parallel Extension for Numba* (numba-dpex) +| Time to complete | 5 minutes ->**Note**: The libraries used in this sample are available in Intel® Distribution for Python* as part of the [Intel® AI Analytics Toolkit (AI Kit)](https://software.intel.com/en-us/oneapi/ai-kit). +>**Note**: This sample is validated on Intel® Distribution for Python* Offline Installer and AI Tools Offline Installer. For the full list of validated platforms refer to [Platform Validation](https://github.com/oneapi-src/oneAPI-samples/tree/master?tab=readme-ov-file#platform-validation). ## Purpose @@ -20,109 +20,82 @@ In this sample, you will run a k-nearest neighbors algorithm using 3 different I |:--- |:--- | OS | Ubuntu* 20.04 | Hardware | CPU -| Software | Intel® AI Analytics Toolkit (AI Kit) +| Software | Intel® Distribution for Python* -### For Local Development Environments +## Key Implementation Details -You will need to download and install the following toolkits, tools, and components to use the sample. +This sample code is implemented for the CPU using Python. The sample assumes you have numba-dpex installed inside a Conda environment, similar to what is installed with the Intel® Distribution for Python*. -- **Intel® AI Analytics Toolkit (AI Kit)** +The sample tutorial contains one Jupyter Notebook and one Python script. You can use either. - You can get the AI Kit from [Intel® oneAPI Toolkits](https://www.intel.com/content/www/us/en/developer/tools/oneapi/toolkits.html#analytics-kit).
See [*Get Started with the Intel® AI Analytics Toolkit for Linux**](https://www.intel.com/content/www/us/en/develop/documentation/get-started-with-ai-linux) for AI Kit installation information and post-installation steps and scripts. +## Environment Setup +You will need to download and install the following toolkits to use the sample. + -- **Jupyter Notebook** +**1. Get Intel® Distribution for Python*** - Install using PIP: `$pip install notebook`.
Alternatively, see [*Installing Jupyter*](https://jupyter.org/install) for detailed installation instructions. +If you have not already, install Intel® Distribution for Python* via [Installer](https://www.intel.com/content/www/us/en/developer/tools/oneapi/distribution-python-download.html?operatingsystem=linux&linux-install-type=offline). -### For Intel® DevCloud +**2. Activate the Intel® Distribution for Python\* base environment** + +If the default path is used during the installation of Intel® Distribution for Python*: +``` +source $HOME/intelpython3/bin/activate +``` +If a non-default path is used: +``` +source /bin/activate +``` -The necessary tools and components are already installed in the environment. You do not need to install additional components. See [Intel® DevCloud for oneAPI](https://devcloud.intel.com/oneapi/get_started/) for information. +**3. Clone the GitHub repository** + + +``` +git clone https://github.com/oneapi-src/oneAPI-samples.git +cd oneAPI-samples/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN +``` -## Key Implementation Details +**4. Install dependencies** + +>**Note**: Before running the following commands, make sure your Conda environment is activated -This sample code is implemented for the CPU using Python. The sample assumes you have numba-dpex installed inside a Conda environment, similar to what is installed with the Intel® Distribution for Python*. +``` +pip install ipykernel +pip install notebook +``` +For Jupyter Notebook, refer to [Installing Jupyter](https://jupyter.org/install) for detailed installation instructions. + +## Run the Sample +>**Note**: Before running the sample, make sure [Environment Setup](https://github.com/oneapi-src/oneAPI-samples/tree/master/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpex_kNN#environment-setup) is completed. ->**Note**: Read *[Get Started with the Intel® AI Analytics Toolkit for Linux*](https://www.intel.com/content/www/us/en/develop/documentation/get-started-with-ai-linux/top.html)* to find out how you can achieve performance gains for popular deep-learning and machine-learning frameworks through Intel optimizations. - -## Run the `Intel® Python NumPy vs numba-dpex` Sample - -### On Linux* - -> **Note**: If you have not already done so, set up your CLI -> environment by sourcing the `setvars` script in the root of your oneAPI installation. -> -> Linux*: -> - For system wide installations: `. /opt/intel/oneapi/setvars.sh` -> - For private installations: ` . ~/intel/oneapi/setvars.sh` -> - For non-POSIX shells, like csh, use the following command: `bash -c 'source /setvars.sh ; exec csh'` -> -> For more information on configuring environment variables, see *[Use the setvars Script with Linux* or macOS*](https://www.intel.com/content/www/us/en/develop/documentation/oneapi-programming-guide/top/oneapi-development-environment-setup/use-the-setvars-script-with-linux-or-macos.html)*. - -#### Activate Conda - -1. Activate the Conda environment. - ``` - conda activate base - ``` - By default, the AI Kit is installed in the `/opt/intel/oneapi` folder and requires root privileges to manage it. - - You can choose to activate Conda environment without root access. To bypass root access to manage your Conda environment, clone and activate your desired Conda environment using the following commands similar to the following. - - ``` - conda create --name usr_base --clone base - conda activate usr_base - ``` - -#### Run the Python Script - -1. Change to the sample directory. -2. Run the script. - ``` - python IntelPython_Numpy_Numba_dpex_kNN.py - ``` - -#### Run the Jupyter Notebook (Optional) - -1. Launch Jupyter Notebook. - ``` - jupyter notebook --ip=0.0.0.0 - ``` -2. Follow the instructions to open the URL with the token in your browser. -3. Locate and select the Notebook. - ``` - IntelPython_Numpy_Numba_dpex_kNN.ipynb - ``` -4. Run every cell in the Notebook in sequence. - -#### Troubleshooting - -If you receive an error message, troubleshoot the problem using the **Diagnostics Utility for Intel® oneAPI Toolkits**. The diagnostic utility provides configuration and system checks to help find missing dependencies, permissions errors, and other issues. See the [Diagnostics Utility for Intel® oneAPI Toolkits User Guide](https://www.intel.com/content/www/us/en/develop/documentation/diagnostic-utility-user-guide/top.html) for more information on using the utility. - -### Build and Run the Sample on Intel® DevCloud (Optional) - ->**Note**: For more information on using Intel® DevCloud, see the Intel® oneAPI [Get Started](https://devcloud.intel.com/oneapi/get_started/) page. - -1. Open a terminal on a Linux* system. -2. Log in to the Intel® DevCloud. - ``` - ssh devcloud - ``` -3. If the sample is not already available, download the samples from GitHub. - ``` - git clone https://github.com/oneapi-src/oneAPI-samples.git - ``` -4. Change to the sample directory. -5. Launch Jupyter Notebook. -6. Locate and select the Notebook. - ``` - IntelPython_Numpy_Numba_dpex_kNN.ipynb - ``` -7. Run every cell in the Notebook in sequence. -8. Review the output. -9. Disconnect from Intel® DevCloud. - ``` - exit - ``` +### Intel® Distribution for Python* Offline Installer (Validated) + +**1. Register Conda kernel to Jupyter Notebook kernel** + +If the default path is used during the installation of Intel® Distribution for Python*: +``` +$HOME/intelpython3/bin/python -m ipykernel install --user --name=base +``` +If a non-default path is used: +``` +/bin/python -m ipykernel install --user --name=base +``` +**2. Launch Jupyter Notebook** + +``` +jupyter notebook --ip=0.0.0.0 +``` +**3. Follow the instructions to open the URL with the token in your browser** + +**4. Select the Notebook** + +``` +IntelPython_Numpy_Numba_dpex_kNN.ipynb +``` +**5. Change the kernel to `base`** + +**6. Run every cell in the Notebook in sequence** ## Example Output @@ -136,9 +109,17 @@ Numba_dpex accuracy 0.7222222222222222 [CODE_SAMPLE_COMPLETED_SUCCESFULLY] ``` +## Related Samples + +* [Get Started with the Intel® Distribution for Python*](https://www.intel.com/content/www/us/en/developer/articles/technical/get-started-with-intel-distribution-for-python.html) +* [`Genetic Algorithms on GPU using Intel® Distribution for Python* numba-dpex` Sample](https://github.com/oneapi-src/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_numba-dpex_Genetic_Algorithm/README.md) ## License -Code samples are licensed under the MIT license. See [License.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/License.txt) +Code samples are licensed under the MIT license. See +[License.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/License.txt) for details. -Third party program Licenses can be found here: [third-party-programs.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/third-party-programs.txt). \ No newline at end of file +Third party program Licenses can be found here: +[third-party-programs.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/third-party-programs.txt) + +*Other names and brands may be claimed as the property of others. [Trademarks](https://www.intel.com/content/www/us/en/legal/trademarks.html) diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/IntelTensorFlow_AMX_BF16_Inference.ipynb b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/IntelTensorFlow_AMX_BF16_Inference.ipynb index 04d4888b30..c800c27d8d 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/IntelTensorFlow_AMX_BF16_Inference.ipynb +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/IntelTensorFlow_AMX_BF16_Inference.ipynb @@ -32,7 +32,9 @@ "from datetime import datetime\n", "import requests\n", "from copy import deepcopy\n", - "print(\"We are using Tensorflow version: \", tf.__version__)" + "\n", + "print(\"TF version:\", tf.__version__)\n", + "print(\"Hub version:\", hub.__version__)" ] }, { @@ -158,8 +160,34 @@ "metadata": {}, "outputs": [], "source": [ - "# import pre-trained fp_32 model\n", - "fp32_model = tf.keras.models.load_model('models/my_saved_model_fp32')" + "IMAGE_SIZE = (224, 224, 3)\n", + "model_handle = \"https://www.kaggle.com/models/google/resnet-v1/TensorFlow2/50-feature-vector/2\"\n", + "\n", + "print(\"Building model with\", model_handle)\n", + "fp32_model = tf.keras.Sequential([\n", + " # Explicitly define the input shape so the model can be properly\n", + " # loaded by the TFLiteConverter\n", + " tf.keras.layers.InputLayer(input_shape=IMAGE_SIZE),\n", + " hub.KerasLayer(model_handle, trainable=False),\n", + " tf.keras.layers.Dropout(rate=0.2),\n", + " tf.keras.layers.Dense(len(class_names),\n", + " kernel_regularizer=tf.keras.regularizers.l2(0.0001))\n", + "])\n", + "fp32_model.build((None,)+IMAGE_SIZE)\n", + "fp32_model.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "177e53ab", + "metadata": {}, + "outputs": [], + "source": [ + "fp32_model.compile(\n", + " optimizer=tf.keras.optimizers.SGD(learning_rate=0.005, momentum=0.9), \n", + " loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),\n", + " metrics=['accuracy'])" ] }, { @@ -204,6 +232,24 @@ " break" ] }, + { + "cell_type": "markdown", + "id": "5c519754", + "metadata": {}, + "source": [ + "Lets Save the model for later" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9c14e3be", + "metadata": {}, + "outputs": [], + "source": [ + "fp32_model.save(\"models/my_saved_model_fp32\")" + ] + }, { "cell_type": "markdown", "id": "c1d45604", diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/Intel_TensorFlow_AMX_BF16_Inference.py b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/Intel_TensorFlow_AMX_BF16_Inference.py index 29511e7e3f..ad27297890 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/Intel_TensorFlow_AMX_BF16_Inference.py +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/Intel_TensorFlow_AMX_BF16_Inference.py @@ -1,131 +1,169 @@ -# details about this Python script -# - Enable auto-mixed precision with few code changes for faster inference. -# - Image Classification task using TensorFlow Hub's ResNet50v1.5 pretrained model. -# - Export the optimized model in the SavedModel format. - -# Importing libraries -import os -import sys -import numpy as np -import time -import PIL.Image as Image -import tensorflow as tf -import tensorflow_hub as hub -from datetime import datetime -import requests -from copy import deepcopy -print("We are using Tensorflow version: ", tf.__version__) - -# Check if hardware supports AMX - -from cpuinfo import get_cpu_info -info = get_cpu_info() -flags = info['flags'] -amx_supported = False -for flag in flags: - if "amx" in flag: - amx_supported = True - print("AMX is supported on current hardware. Code sample can be run.\n") -if not amx_supported: - print("AMX is not supported on current hardware. Code sample cannot be run.\n") - sys.exit("AMX is not supported on current hardware. Code sample cannot be run.\n") - - -tf.compat.v1.logging.set_verbosity(tf.compat.v1.logging.ERROR) -data_root = tf.keras.utils.get_file( - 'flower_photos', - 'https://storage.googleapis.com/download.tensorflow.org/example_images/flower_photos.tgz', - untar=True) - -batch_size = 512 -img_height = 224 -img_width = 224 - -train_ds = tf.keras.utils.image_dataset_from_directory( - str(data_root), - validation_split=0.2, - subset="training", - seed=123, - image_size=(img_height, img_width), - batch_size=batch_size -) - -val_ds = tf.keras.utils.image_dataset_from_directory( - str(data_root), - validation_split=0.2, - subset="validation", - seed=123, - image_size=(img_height, img_width), - batch_size=batch_size -) - -class_names = np.array(train_ds.class_names) -print("The flower dataset has " + str(len(class_names)) + " classes: ", class_names) - -# import pre-trained fp_32 model -fp32_model = tf.keras.models.load_model('models/my_saved_model_fp32') - -normalization_layer = tf.keras.layers.Rescaling(1./255) -train_ds = train_ds.map(lambda x, y: (normalization_layer(x), y)) # Where x—images, y—labels. -val_ds = val_ds.map(lambda x, y: (normalization_layer(x), y)) # Where x—images, y—labels. - -AUTOTUNE = tf.data.AUTOTUNE -train_ds = train_ds.cache().prefetch(buffer_size=AUTOTUNE) -val_ds = val_ds.cache().prefetch(buffer_size=AUTOTUNE) - -import time -start = time.time() -fp32_history = fp32_model.evaluate(val_ds) -fp32_inference_time = time.time() - start - - - -# Reload the model as the bf16 model with AVX512 to compare inference time -os.environ["ONEDNN_MAX_CPU_ISA"] = "AVX512_BF16" -tf.config.optimizer.set_experimental_options({'auto_mixed_precision_onednn_bfloat16':True}) -bf16_model_noAmx = tf.keras.models.load_model('models/my_saved_model_fp32') - -bf16_model_noAmx_export_path = "models/my_saved_model_bf16_noAmx" -bf16_model_noAmx.save(bf16_model_noAmx_export_path) - -start = time.time() -bf16_noAmx_history = bf16_model_noAmx.evaluate(val_ds) -bf16_noAmx_inference_time = time.time() - start - - -# Reload the model as the bf16 model with AMX to compare inference time -os.environ["ONEDNN_MAX_CPU_ISA"] = "AMX_BF16" -tf.config.optimizer.set_experimental_options({'auto_mixed_precision_onednn_bfloat16':True}) -bf16_model_withAmx = tf.keras.models.load_model('models/my_saved_model_fp32') - -bf16_model_withAmx_export_path = "models/my_saved_model_bf16_with_amx" -bf16_model_withAmx.save(bf16_model_withAmx_export_path) - -start = time.time() -bf16_withAmx_history = bf16_model_withAmx.evaluate(val_ds) -bf16_withAmx_inference_time = time.time() - start - - -# Summary of results -print("Summary") -print("FP32 inference time: %.3f" %fp32_inference_time) -print("BF16 with AVX512 inference time: %.3f" %bf16_noAmx_inference_time) -print("BF16 with AMX inference time: %.3f" %bf16_withAmx_inference_time) - -import matplotlib.pyplot as plt -plt.figure() -plt.title("Resnet50 Inference Time") -plt.xlabel("Test Case") -plt.ylabel("Inference Time (seconds)") -plt.bar(["FP32", "BF16 with AVX512", "BF16 with AMX"], [fp32_inference_time, bf16_noAmx_inference_time, bf16_withAmx_inference_time]) - -fp32_inference_accuracy = fp32_history[1] -bf16_noAmx_inference_accuracy = bf16_noAmx_history[1] -bf16_withAmx_inference_accuracy = bf16_withAmx_history[1] -plt.figure() -plt.title("Resnet50 Inference Accuracy") -plt.xlabel("Test Case") -plt.ylabel("Inference Accuracy") -plt.bar(["FP32", "BF16 with AVX512", "BF16 with AMX"], [fp32_inference_accuracy, bf16_noAmx_inference_accuracy, bf16_withAmx_inference_accuracy]) - -print('[CODE_SAMPLE_COMPLETED_SUCCESFULLY]') + +# details about this Python script +# - Enable auto-mixed precision with few code changes for faster inference. +# - Image Classification task using [TensorFlow Hub's](https://www.tensorflow.org/hub) ResNet50v1.5 pretrained model. +# - Export the optimized model in the [SavedModel](https://www.tensorflow.org/guide/saved_model) format. + + +# Importing libraries +import os +import sys +import numpy as np +import time +import PIL.Image as Image +import tensorflow as tf +import tensorflow_hub as hub +from datetime import datetime +import requests +from copy import deepcopy + +print("TF version:", tf.__version__) +print("Hub version:", hub.__version__) + +# Check if hardware supports Intel® AMX + +from cpuinfo import get_cpu_info +info = get_cpu_info() +flags = info['flags'] +amx_supported = False +for flag in flags: + if "amx" in flag: + amx_supported = True + print("Intel® AMX is supported on current hardware. Code sample can be run.\n") +if not amx_supported: + print("Intel® AMX is not supported on current hardware. Code sample cannot be run.\n") + sys.exit("Intel® AMX is not supported on current hardware. Code sample cannot be run.\n") + +tf.compat.v1.logging.set_verbosity(tf.compat.v1.logging.ERROR) +data_root = tf.keras.utils.get_file( + 'flower_photos', + 'https://storage.googleapis.com/download.tensorflow.org/example_images/flower_photos.tgz', + untar=True) + +batch_size = 512 +img_height = 224 +img_width = 224 + +train_ds = tf.keras.utils.image_dataset_from_directory( + str(data_root), + validation_split=0.2, + subset="training", + seed=123, + image_size=(img_height, img_width), + batch_size=batch_size +) + +val_ds = tf.keras.utils.image_dataset_from_directory( + str(data_root), + validation_split=0.2, + subset="validation", + seed=123, + image_size=(img_height, img_width), + batch_size=batch_size +) + +class_names = np.array(train_ds.class_names) +print("The flower dataset has " + str(len(class_names)) + " classes: ", class_names) + +IMAGE_SIZE = (224, 224, 3) +model_handle = "https://www.kaggle.com/models/google/resnet-v1/TensorFlow2/50-feature-vector/2" + +print("Building model with", model_handle) +fp32_model = tf.keras.Sequential([ + # Explicitly define the input shape so the model can be properly + # loaded by the TFLiteConverter + tf.keras.layers.InputLayer(input_shape=IMAGE_SIZE), + hub.KerasLayer(model_handle, trainable=False), + tf.keras.layers.Dropout(rate=0.2), + tf.keras.layers.Dense(len(class_names), + kernel_regularizer=tf.keras.regularizers.l2(0.0001)) +]) +fp32_model.build((None,)+IMAGE_SIZE) +fp32_model.summary() + +fp32_model.compile( + optimizer=tf.keras.optimizers.SGD(learning_rate=0.005, momentum=0.9), + loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=['accuracy']) + +normalization_layer = tf.keras.layers.Rescaling(1./255) +train_ds = train_ds.map(lambda x, y: (normalization_layer(x), y)) # Where x—images, y—labels. +val_ds = val_ds.map(lambda x, y: (normalization_layer(x), y)) # Where x—images, y—labels. + +AUTOTUNE = tf.data.AUTOTUNE +train_ds = train_ds.cache().prefetch(buffer_size=AUTOTUNE) +val_ds = val_ds.cache().prefetch(buffer_size=AUTOTUNE) + +import time +start = time.time() +fp32_history = fp32_model.evaluate(val_ds) +fp32_inference_time = time.time() - start + +for image_batch, labels_batch in val_ds: + print(image_batch.shape) + print(labels_batch.shape) + break + +fp32_model.save("models/my_saved_model_fp32") + +# Reload the model as the bf16 model with AVX512 to compare inference time +os.environ["ONEDNN_MAX_CPU_ISA"] = "AVX512_BF16" +tf.config.optimizer.set_experimental_options({'auto_mixed_precision_onednn_bfloat16':True}) +bf16_model_noAmx = tf.keras.models.load_model('models/my_saved_model_fp32') + +bf16_model_noAmx_export_path = "models/my_saved_model_bf16_noAmx" +bf16_model_noAmx.save(bf16_model_noAmx_export_path) + +start = time.time() +bf16_noAmx_history = bf16_model_noAmx.evaluate(val_ds) +bf16_noAmx_inference_time = time.time() - start + +# Reload the model as the bf16 model with Intel® AMX to compare inference time +os.environ["ONEDNN_MAX_CPU_ISA"] = "AMX_BF16" +tf.config.optimizer.set_experimental_options({'auto_mixed_precision_onednn_bfloat16':True}) +bf16_model_withAmx = tf.keras.models.load_model('models/my_saved_model_fp32') + +bf16_model_withAmx_export_path = "models/my_saved_model_bf16_with_amx" +bf16_model_withAmx.save(bf16_model_withAmx_export_path) + +start = time.time() +bf16_withAmx_history = bf16_model_withAmx.evaluate(val_ds) +bf16_withAmx_inference_time = time.time() - start + +print("Summary") +print("FP32 inference time: %.3f" %fp32_inference_time) +print("BF16 with AVX512 inference time: %.3f" %bf16_noAmx_inference_time) +print("BF16 with Intel® AMX inference time: %.3f" %bf16_withAmx_inference_time) + +import matplotlib.pyplot as plt +plt.figure() +plt.title("Resnet50 Inference Time") +plt.xlabel("Test Case") +plt.ylabel("Inference Time (seconds)") +plt.bar(["FP32", "BF16 with AVX512", "BF16 with Intel® AMX"], [fp32_inference_time, bf16_noAmx_inference_time, bf16_withAmx_inference_time]) + +speedup_bf16_noAMX_from_fp32 = fp32_inference_time / bf16_noAmx_inference_time +print("BF16 with AVX512 is %.2fX faster than FP32" %speedup_bf16_noAMX_from_fp32) +speedup_bf16_withAMX_from_fp32 = fp32_inference_time / bf16_withAmx_inference_time +print("BF16 with Intel® AMX is %.2fX faster than FP32" %speedup_bf16_withAMX_from_fp32) +speedup_bf16_withAMX_from_bf16 = bf16_noAmx_inference_time / bf16_withAmx_inference_time +print("BF16 with Intel® AMX is %.2fX faster than BF16 with AVX512" %speedup_bf16_withAMX_from_bf16) + +plt.figure() +plt.title("Intel® AMX Speedup") +plt.xlabel("Test Case") +plt.ylabel("Speedup") +plt.bar(["FP32", "BF16 with AVX512", "BF16 with Intel® AMX"], [1, speedup_bf16_noAMX_from_fp32, speedup_bf16_withAMX_from_fp32]) + +fp32_inference_accuracy = fp32_history[1] +bf16_noAmx_inference_accuracy = bf16_noAmx_history[1] +bf16_withAmx_inference_accuracy = bf16_withAmx_history[1] +plt.figure() +plt.title("Resnet50 Inference Accuracy") +plt.xlabel("Test Case") +plt.ylabel("Inference Accuracy") +plt.bar(["FP32", "BF16 with AVX512", "BF16 with Intel® AMX"], [fp32_inference_accuracy, bf16_noAmx_inference_accuracy, bf16_withAmx_inference_accuracy]) + +print('[CODE_SAMPLE_COMPLETED_SUCCESFULLY]') + + diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/fingerprint.pb b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/fingerprint.pb deleted file mode 100644 index b76c328ba4..0000000000 Binary files a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/fingerprint.pb and /dev/null differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/keras_metadata.pb b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/keras_metadata.pb deleted file mode 100644 index 817681f3ed..0000000000 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/keras_metadata.pb +++ /dev/null @@ -1,6 +0,0 @@ - -root"_tf_keras_sequential*{"name": "sequential_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Sequential", "config": {"name": "sequential_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "keras_layer_input"}}, {"class_name": "KerasLayer", "config": {"name": "keras_layer", "trainable": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "handle": "https://tfhub.dev/google/imagenet/resnet_v1_50/feature_vector/5"}}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": true, "dtype": "float32", "units": 5, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "shared_object_id": 5, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 224, 224, 3]}, "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 224, 224, 3]}, "float32", "keras_layer_input"]}], {}]}, "save_spec": {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 224, 224, 3]}, "float32", "keras_layer_input"]}, "keras_version": "2.11.0", "backend": "tensorflow", "model_config": {"class_name": "Sequential", "config": {"name": "sequential_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "keras_layer_input"}, "shared_object_id": 0}, {"class_name": "KerasLayer", "config": {"name": "keras_layer", "trainable": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "handle": "https://tfhub.dev/google/imagenet/resnet_v1_50/feature_vector/5"}, "shared_object_id": 1}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": true, "dtype": "float32", "units": 5, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 2}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 3}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 4}]}}, "training_config": {"loss": {"class_name": "SparseCategoricalCrossentropy", "config": {"reduction": "auto", "name": "sparse_categorical_crossentropy", "from_logits": true, "ignore_class": null}, "shared_object_id": 7}, "metrics": [[{"class_name": "MeanMetricWrapper", "config": {"name": "acc", "dtype": "float32", "fn": "sparse_categorical_accuracy"}, "shared_object_id": 8}]], "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Custom>SGD", "config": {"name": "SGD", "weight_decay": null, "clipnorm": null, "global_clipnorm": null, "clipvalue": null, "use_ema": false, "ema_momentum": 0.99, "ema_overwrite_frequency": null, "jit_compile": false, "is_legacy_optimizer": false, "learning_rate": 0.009999999776482582, "momentum": 0.0, "nesterov": false}}}}2 -root.layer_with_weights-0"_tf_keras_layer*{"name": "keras_layer", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "KerasLayer", "config": {"name": "keras_layer", "trainable": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 224, 224, 3]}, "handle": "https://tfhub.dev/google/imagenet/resnet_v1_50/feature_vector/5"}, "shared_object_id": 1, "build_input_shape": {"class_name": "TensorShape", "items": [512, 224, 224, 3]}}2 -root.layer_with_weights-1"_tf_keras_layer*{"name": "dense_1", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dense", "config": {"name": "dense_1", "trainable": true, "dtype": "float32", "units": 5, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 2}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 3}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 4, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 2048}}, "shared_object_id": 9}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 2048]}}2 -root.keras_api.metrics.0"_tf_keras_metric*{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 10}2 -root.keras_api.metrics.1"_tf_keras_metric*{"class_name": "MeanMetricWrapper", "name": "acc", "dtype": "float32", "config": {"name": "acc", "dtype": "float32", "fn": "sparse_categorical_accuracy"}, "shared_object_id": 8}2 \ No newline at end of file diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/saved_model.pb b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/saved_model.pb deleted file mode 100644 index ae31e4a278..0000000000 Binary files a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/saved_model.pb and /dev/null differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/variables/variables.data-00000-of-00001 b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/variables/variables.data-00000-of-00001 deleted file mode 100644 index 57e5a652c0..0000000000 Binary files a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/variables/variables.data-00000-of-00001 and /dev/null differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/variables/variables.index b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/variables/variables.index deleted file mode 100644 index d8f63d1db4..0000000000 Binary files a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/models/variables/variables.index and /dev/null differ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/requirements.txt b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/requirements.txt index bb383bda06..89eabab91d 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/requirements.txt +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/requirements.txt @@ -1,6 +1,6 @@ notebook Pillow -tensorflow_hub +tensorflow_hub==0.16 requests py-cpuinfo diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json index 58d73a1761..78324f54fa 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json @@ -13,13 +13,13 @@ { "id": "intel amx bf16 inference", "steps": [ - "source /root/intel/oneapi/intelpython/bin/activate", + "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", "pip install -r requirements.txt", "pip install ipykernel jupyter", "python Intel_TensorFlow_AMX_BF16_Inference.py", "python -m ipykernel install --user --name=tensorflow", - "jupyter nbconvert --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelTensorFlow_AMX_BF16_Inference.ipynb" + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_AMX_BF16_Inference.ipynb" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json index f5afacbe29..dbcdcb77ad 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json @@ -12,12 +12,13 @@ "linux": [{ "id": "intel amx bf16 training", "steps": [ - "source /root/intel/oneapi/intelpython/bin/activate", + "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", "pip install -r requirements.txt", + "pip install jupyter ipykernel", "python Intel_TensorFlow_AMX_BF16_Training.py", "python -m ipykernel install --user --name=tensorflow", - "jupyter nbconvert --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelTensorFlow_AMX_BF16_Training.ipynb" + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_AMX_BF16_Training.ipynb" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_ModelZoo_Inference_with_FP32_Int8/README.md b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_ModelZoo_Inference_with_FP32_Int8/README.md index 8d6364000f..3a6d2d1890 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_ModelZoo_Inference_with_FP32_Int8/README.md +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_ModelZoo_Inference_with_FP32_Int8/README.md @@ -86,7 +86,7 @@ Navigate to the Intel® AI Reference models source directory. By default, it is #### Install Jupyter Notebook ``` -conda install jupyter nb_conda_kernels +conda install -c conda-forge jupyter nb_conda_kernels ``` #### Open Jupyter Notebook diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision/sample.json index a727fa1b04..884c000945 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision/sample.json @@ -14,10 +14,11 @@ "env": [], "id": "Transformer_AMX_bfloat16_Mixed_Precision_Learning", "steps": [ - "source /root/intel/oneapi/intelpython/bin/activate", + "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", - "conda install -y jupyter", - "jupyter nbconvert --execute --to notebook IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision.ipynb" + "pip install jupyter ipykernel", + "python -m ipykernel install --user --name=tensorflow", + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_Transformer_AMX_bfloat16_MixedPrecision.ipynb" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/README.md b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/README.md new file mode 100644 index 0000000000..f36d706e90 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/README.md @@ -0,0 +1,223 @@ +# `Quantizing Transformer Model using Intel® Extension for Transformers (ITREX)` Sample + +The `Quantizing Transformer Model using Intel® Extension for Transformers (ITREX)` sample illustrates the process of quantizing the `Intel/neural-chat-7b-v3-3` language model. This model, a fine-tuned iteration of *Mistral-7B*, undergoes quantization utilizing Weight Only Quantization (WOQ) techniques provided by Intel® Extension for Transformers (ITREX). + +By leveraging WOQ techniques, developers can optimize the model's memory footprint and computational efficiency without sacrificing performance or accuracy. This sample serves as a practical demonstration of how ITREX empowers users to maximize the potential of transformer models in various applications, especially in resource-constrained environments. + +| Area | Description +|:--- |:--- +| What you will learn | How to quantize transformer models using Intel® Extension for Transformers (ITREX) +| Time to complete | 20 minutes +| Category | Concepts and Functionality + +Intel® Extension for Transformers (ITREX) serves as a comprehensive toolkit tailored to enhance the performance of GenAI/LLM (General Artificial Intelligence/Large Language Models) workloads across diverse Intel platforms. Among its key features is the capability to seamlessly quantize transformer models to 4-bit or 8-bit integer precision. + +This quantization functionality not only facilitates significant reduction in memory footprint but also offers developers the flexibility to fine-tune the quantization method. This customization empowers developers to mitigate accuracy loss, a crucial concern in low-precision inference scenarios. By striking a balance between memory efficiency and model accuracy, ITREX enables efficient deployment of transformer models in resource-constrained environments without compromising on performance or quality. + +## Purpose + +This sample demonstrates how to quantize a pre-trained language model, specifically the `Intel/neural-chat-7b-v3-3` model from Intel. Quantization enables more memory-efficient inference, significantly reducing the model's memory footprint. + +Using the INT8 data format, which employs a quarter of the bit width of floating-point-32 (FP32), memory usage can be lowered by up to 75%. Additionally, execution time for arithmetic operations is reduced. The INT4 data type takes memory optimization even further, consuming 8 times less memory than FP32. + +Quantization thus offers a compelling approach to deploying language models in resource-constrained environments, ensuring both efficient memory utilization and faster inference times. + +## Prerequisites + +| Optimized for | Description +|:--- |:--- +| OS | Ubuntu* 22.04.3 LTS (or newer) +| Hardware | Intel® Xeon® Scalable Processor family +| Software | Intel® Extension for Transformers (ITREX) + +### For Local Development Environments + +You will need to download and install the following toolkits, tools, and components to use the sample. + +- **Intel® AI Analytics Toolkit (AI Kit)** + + You can get the AI Kit from [Intel® oneAPI Toolkits](https://www.intel.com/content/www/us/en/developer/tools/oneapi/toolkits.html#analytics-kit).
See [*Get Started with the Intel® AI Analytics Toolkit for Linux*](https://www.intel.com/content/www/us/en/develop/documentation/get-started-with-ai-linux) for AI Kit installation information and post-installation steps and scripts. + +- **Jupyter Notebook** + + Install using PIP: `$pip install notebook`.
Alternatively, see [*Installing Jupyter*](https://jupyter.org/install) for detailed installation instructions. + +- **Additional Packages** + + You will need to install the additional packages in requirements.txt. + + ``` + pip install -r requirements.txt + ``` + +### For Intel® DevCloud + +The necessary tools and components are already installed in the environment. You do not need to install additional components. See *[Intel® DevCloud for oneAPI](https://DevCloud.intel.com/oneapi/get_started/)* for information. + +## Key Implementation Details + +This code sample showcases the implementation of quantization for memory-efficient text generation utilizing Intel® Extension for Transformers (ITREX). + +The sample includes both a Jupyter Notebook and a Python Script. While the notebook serves as a tutorial for learning purposes, it's recommended to use the Python script in production setups for optimal performance. + +### Jupyter Notebook + +| Notebook | Description +|:--- |:--- +|`quantize_transformer_models_with_itrex.ipynb` | This notebook provides detailed steps for performing INT4/INT8 quantization of transformer models using Intel® Extension for Transformers (ITREX). It's designed to aid understanding and experimentation.| + +### Python Script + +| Script | Description +|:--- |:--- +|`quantize_transformer_models_with_itrex.py` | The Python script conducts INT4/INT8 quantization of transformer models leveraging Intel® Extension for Transformers (ITREX). It allows text generation based on an initial prompt, giving users the option to select either `INT4` or `INT8` quantization. | + +These components offer flexibility for both learning and practical application, empowering users to harness the benefits of quantization for transformer models efficiently. + +## Set Environment Variables + +When working with the command-line interface (CLI), you should configure the oneAPI toolkits using environment variables. Set up your CLI environment by sourcing the `intelpython` environment's *activate* script every time you open a new terminal window. This practice ensures that your compiler, libraries, and tools are ready for development. + +## Run the `Quantizing Transformer Model using Intel® Extension for Transformers (ITREX)` Sample + +### On Linux* + +> **Note**: If you have not already done so, set up your CLI +> environment by sourcing the `intelpython` environment's *activate* script in the root of your oneAPI installation. +> +> Linux*: +> - For POXIS shells, run: `source ${HOME}/intel/oneapi/intelpython/bin/activate` +> - For non-POSIX shells, like csh, use the following command: `bash -c 'source ${HOME}/intel/oneapi/intelpython/bin/activate ; exec csh'` +> +> For more information on configuring environment variables, see *[Use the setvars Script with Linux* or macOS*](https://www.intel.com/content/www/us/en/develop/documentation/oneapi-programming-guide/top/oneapi-development-environment-setup/use-the-setvars-script-with-linux-or-macos.html)*. + +#### Activate Conda + +1. Activate the Conda environment. + ``` + conda activate pytorch + ``` +2. Activate Conda environment without Root access (Optional). + + By default, the AI Kit is installed in the `/intel/oneapi/intelpython` folder and requires root privileges to manage it. + + You can choose to activate Conda environment without root access. To bypass root access to manage your Conda environment, clone and activate your desired Conda environment using the following commands similar to the following. + + ``` + conda create --name user_pytorch --clone pytorch + conda activate user_pytorch + ``` + +#### Installing Dependencies + +1. Run the following command: + ```bash + pip install -r requirements.txt + ``` + +This script will automatically install all the required dependencies. + + +#### Using Jupyter Notebook + +1. Navigate to the sample directory in your terminal. +2. Launch Jupyter Notebook with the following command: + ``` + jupyter notebook --ip=0.0.0.0 --port 8888 --allow-root + ``` +3. Follow the instructions provided in the terminal to open the URL with the token in your web browser. +4. Locate and select the notebook file named `quantize_transformer_models_with_itrex.ipynb`. +5. Ensure that you change the Jupyter Notebook kernel to the corresponding environment. +6. Run each cell in the notebook sequentially. + +#### Running on the Command Line (for deployment) + +1. Navigate to the sample directory in your terminal. +2. Execute the script using the following command: + ```bash + OMP_NUM_THREADS= numactl -m -C python quantize_transformer_models_with_itrex.py + ``` + + **Note:** You can use the command `numactl -H` to identify the number of nodes, node indices, and CPU lists. Additionally, the `lscpu` command provides information about the number of physical cores available. + + For example, if you have 8 physical cores, 1 node (index 0), and want to use CPUs 0-3, you would run: + ```bash + OMP_NUM_THREADS=4 numactl -m 0 -C 0-3 python quantize_transformer_models_with_itrex.py + ``` + + It is generally recommended to utilize all available physical cores and CPUs within a single node. Thus, you can simplify the command as follows: + ```bash + OMP_NUM_THREADS= numactl -m 0 -C all python quantize_transformer_models_with_itrex.py + ``` + +Here are some examples demonstrating how to use the `quantize_transformer_models_with_itrex.py` script: + +1. Quantize the model to INT4, and specify a maximum number of new tokens: + ```bash + OMP_NUM_THREADS= numactl -m 0 -C all \ + python quantize_transformer_models_with_itrex.py \ + --model_name "Intel/neural-chat-7b-v3-1" \ + --quantize "int8" \ + --max_new_tokens 100 + ``` + +2. Quantize the model to INT4, disable Neural Speed, and specify a custom prompt: + ```bash + OMP_NUM_THREADS= numactl -m 0 -C all \ + python quantize_transformer_models_with_itrex.py \ + --model_name "Intel/neural-chat-7b-v3-1" \ + --no_neural_speed \ + --quantize "int4" \ + --prompt "Custom prompt text goes here" \ + --max_new_tokens 50 + ``` + +3. Use a [Llama2-7B GGUF model](https://huggingface.co/TheBloke/Llama-2-7B-Chat-GGUF) from HuggingFace model hub . When using GGUF model, `tokenizer_name` and `model_name` arguments are required and Neural Speed is enable by default. **Note**: You will need to request access for Llama2 on HuggingFace to run the below command. + ```bash + OMP_NUM_THREADS= numactl -m 0 -C all \ + python quantize_transformer_models_with_itrex.py \ + --model_name "TheBloke/Llama-2-7B-Chat-GGUF" \ + --model_file "llama-2-7b-chat.Q4_0.gguf"\ + --tokenizer_name "meta-llama/Llama-2-7b-chat-hf" \ + --prompt "Custom prompt text goes here" \ + --max_new_tokens 50 + ``` + +### Additional Notes + +- Ensure that you follow the provided instructions carefully to execute the project successfully. +- Make sure to adjust the command parameters based on your specific system configuration and requirements. + + +### Run the Sample on Intel® DevCloud (Optional) + +1. If you do not already have an account, request an Intel® DevCloud account at [*Create an Intel® DevCloud Account*](https://intelsoftwaresites.secure.force.com/DevCloud/oneapi). +2. On a Linux* system, open a terminal. +3. SSH into Intel® DevCloud. + ``` + ssh DevCloud + ``` + > **Note**: You can find information about configuring your Linux system and connecting to Intel DevCloud at Intel® DevCloud for oneAPI [Get Started](https://DevCloud.intel.com/oneapi/get_started). + +4. Follow the instructions to open the URL with the token in your browser. +5. Locate and select the Notebook. + ``` + quantize_transformer_models_with_itrex.ipynb + ```` +6. Change your Jupyter Notebook kernel to corresponding environment. +7. Run every cell in the Notebook in sequence. + +### Troubleshooting + +If you receive an error message, troubleshoot the problem using the **Diagnostics Utility for Intel® oneAPI Toolkits**. The diagnostic utility provides configuration and system checks to help find missing dependencies, permissions errors, and other issues. See the *[Diagnostics Utility for Intel® oneAPI Toolkits User Guide](https://www.intel.com/content/www/us/en/develop/documentation/diagnostic-utility-user-guide/top.html)* for more information on using the utility. + +## Example Output + +If successful, the sample displays `[CODE_SAMPLE_COMPLETED_SUCCESSFULLY]`. Additionally, the sample shows statistics for model size and memory comsumption, before and after quantization. + +## License + +Code samples are licensed under the MIT license. See +[License.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/License.txt) for details. + +Third party program Licenses can be found here: [third-party-programs.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/third-party-programs.txt). \ No newline at end of file diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/quantize_transformer_models_with_itrex.ipynb b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/quantize_transformer_models_with_itrex.ipynb new file mode 100644 index 0000000000..48c1f9cf4b --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/quantize_transformer_models_with_itrex.ipynb @@ -0,0 +1,801 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Quantizing LLMs for INT4/8 Inference\n", + "\n", + "As models continue to grow in size, the demand for improved quantization techniques becomes increasingly essential. But what exactly is quantization? Quantization involves representing model parameters in lower precision. For instance, instead of the commonly used float32, utilizing float16 to represent model weights can halve the storage requirements. Moreover, it enhances performance by reducing computational load when operating at lower precision. However, one downside of quantization is a slight drop in model accuracy. This occurs because parameters have less representation power at lower precision. Essentially, with quantization, we trade accuracy for improved performance (both in terms of computation and storage) during inference.\n", + "\n", + "When it comes to quantization, there are various methods available, but this sample focuses solely on Weight Only Quantization techniques (WOQ). Typically, both model weights and activations (output values generated by each neuron in a layer) are quantized. However, WOQ exclusively quantizes the model weights, leaving activations unchanged. In practice, WOQ yields performance benefits without significantly impacting accuracy." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "HuggingFace's transformers library simplifies the quantization process by providing straightforward options. Users can simply set the `load_in_4bit` or `load_in_8bit` argument to `True` to enable quantization. However, there's a limitation: this feature is exclusive to CUDA GPUs. When these arguments are activated, a `BitsandBytes` configuration is automatically generated, which unfortunately only works on CUDA GPU devices. This poses a challenge for users operating on CPUs or non-CUDA devices.\n", + "\n", + "To address this limitation, the Intel team developed Intel Extension for Transformers (ITREX), which enhances quantization support and offers additional optimizations for Intel CPU/GPU architectures. To utilize ITREX, users can import `AutoModelForCasualLM` from the ITREX library instead of the transformers library. This enables users to leverage quantization and other optimizations seamlessly, regardless of their hardware configuration.\n", + "\n", + "We've extended the `from_pretrained` method to accommodate the `quantization_config`, which now accepts various configurations such as `RtnConfig`, `AwqConfig`, `TeqConfig`, `GPTQConfig`, and `AutoroundConfig` for implementing quantization on the CPU, along side CUDA GPUs. When you set the `load_in_4bit` or `load_in_8bit` argument to `True`, the behavior depends on your device configuration. If your device is set to CUDA, then `BitsAndBytesConfig` will be utilized. However, if your device is set to CPU, `RtnConfig`, which is specially optimized for Intel CPUs and GPUs, will be employed. This basically provides same interface for using Intel CPUs, Intel GPUs and CUDA devices, ensuring seamless quantization across different hardware configurations.\n", + "\n", + "There is one caveat to note: not all model architectures are currently supported. Currently, only the most commonly used LLMs, which cover the majority of use cases, are supported. However, our team is actively working to optimize more models. For a comprehensive list of supported models, please refer to [this link](https://github.com/intel/neural-speed/blob/v0.3/docs/supported_models.md).\n", + "\n", + "Enough with the theory. Let's dive into quantizing an LLM..." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setup\n", + "\n", + "To begin, ensure that you have AIkit installed and functioning correctly on your system. If you haven't installed AIkit yet, please follow the installation instructions provided [here](README.md). \n", + "\n", + "Use the commands below to verify that `Intel® Extension for Transformers (ITREX)` is properly installed:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "!python -c \"import torch; import intel_extension_for_transformers as itrex; print(torch.__version__); print(itrex.__version__);\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Quantizing LLM on Intel CPU\n", + "\n", + "Lets start by importing ITREX and other libraries" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/mnt/localdisk1/ankur/intel/oneapi/intelpython/envs/user_pytorch/lib/python3.9/site-packages/transformers/utils/generic.py:441: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.\n", + " _torch_pytree._register_pytree_node(\n", + "/mnt/localdisk1/ankur/intel/oneapi/intelpython/envs/user_pytorch/lib/python3.9/site-packages/transformers/utils/generic.py:309: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.\n", + " _torch_pytree._register_pytree_node(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2024-05-08 11:02:44,757] [INFO] [real_accelerator.py:191:get_accelerator] Setting ds_accelerator to cpu (auto detect)\n" + ] + } + ], + "source": [ + "from transformers import AutoTokenizer\n", + "from intel_extension_for_transformers.transformers import AutoModelForCausalLM\n", + "\n", + "import matplotlib.pyplot as plt" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Note:** The code imports `AutoModelForCausalLM` from `intel_extension_for_transformers`, not from the Hugging Face `transformers` library.\n", + "\n", + "Next, we'll initialize our tokenizer and tensor inputs for future usage." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "model_name = \"Intel/neural-chat-7b-v3-3\"\n", + "prompt = \"Once upon a time, a little girl\"\n", + "\n", + "tokenizer = AutoTokenizer.from_pretrained(model_name, trust_remote_code=True)\n", + "inputs = tokenizer(prompt, return_tensors=\"pt\").input_ids" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Full Precision (32-bit Floating Point)\n", + "\n", + "First, we will load the model in full precision (i.e. *float32*)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "7989a962351a41f2b80334c9d3e0e56e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Loading checkpoint shards: 0%| | 0/2 [00:00>,\n", + "2024-05-08 11:04:40 [INFO] 'relative': 0.01\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'approach': 'post_training_weight_only',\n", + "2024-05-08 11:04:40 [INFO] 'backend': 'default',\n", + "2024-05-08 11:04:40 [INFO] 'calibration_sampling_size': [\n", + "2024-05-08 11:04:40 [INFO] 100\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'device': 'cpu',\n", + "2024-05-08 11:04:40 [INFO] 'diagnosis': False,\n", + "2024-05-08 11:04:40 [INFO] 'domain': 'auto',\n", + "2024-05-08 11:04:40 [INFO] 'example_inputs': 'Not printed here due to large size tensors...',\n", + "2024-05-08 11:04:40 [INFO] 'excluded_precisions': [\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'framework': 'pytorch_fx',\n", + "2024-05-08 11:04:40 [INFO] 'inputs': [\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'model_name': '',\n", + "2024-05-08 11:04:40 [INFO] 'ni_workload_name': 'quantization',\n", + "2024-05-08 11:04:40 [INFO] 'op_name_dict': {\n", + "2024-05-08 11:04:40 [INFO] '.*lm_head': {\n", + "2024-05-08 11:04:40 [INFO] 'weight': {\n", + "2024-05-08 11:04:40 [INFO] 'dtype': [\n", + "2024-05-08 11:04:40 [INFO] 'fp32'\n", + "2024-05-08 11:04:40 [INFO] ]\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] '.*output_layer': {\n", + "2024-05-08 11:04:40 [INFO] 'weight': {\n", + "2024-05-08 11:04:40 [INFO] 'dtype': [\n", + "2024-05-08 11:04:40 [INFO] 'fp32'\n", + "2024-05-08 11:04:40 [INFO] ]\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] '.*embed_out': {\n", + "2024-05-08 11:04:40 [INFO] 'weight': {\n", + "2024-05-08 11:04:40 [INFO] 'dtype': [\n", + "2024-05-08 11:04:40 [INFO] 'fp32'\n", + "2024-05-08 11:04:40 [INFO] ]\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'op_type_dict': {\n", + "2024-05-08 11:04:40 [INFO] '.*': {\n", + "2024-05-08 11:04:40 [INFO] 'weight': {\n", + "2024-05-08 11:04:40 [INFO] 'bits': [\n", + "2024-05-08 11:04:40 [INFO] 4\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'dtype': [\n", + "2024-05-08 11:04:40 [INFO] 'nf4'\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'group_size': [\n", + "2024-05-08 11:04:40 [INFO] 32\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'scheme': [\n", + "2024-05-08 11:04:40 [INFO] 'sym'\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'algorithm': [\n", + "2024-05-08 11:04:40 [INFO] 'RTN'\n", + "2024-05-08 11:04:40 [INFO] ]\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'outputs': [\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'quant_format': 'default',\n", + "2024-05-08 11:04:40 [INFO] 'quant_level': 'auto',\n", + "2024-05-08 11:04:40 [INFO] 'recipes': {\n", + "2024-05-08 11:04:40 [INFO] 'smooth_quant': False,\n", + "2024-05-08 11:04:40 [INFO] 'smooth_quant_args': {\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'layer_wise_quant': False,\n", + "2024-05-08 11:04:40 [INFO] 'layer_wise_quant_args': {\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'fast_bias_correction': False,\n", + "2024-05-08 11:04:40 [INFO] 'weight_correction': False,\n", + "2024-05-08 11:04:40 [INFO] 'gemm_to_matmul': True,\n", + "2024-05-08 11:04:40 [INFO] 'graph_optimization_level': None,\n", + "2024-05-08 11:04:40 [INFO] 'first_conv_or_matmul_quantization': True,\n", + "2024-05-08 11:04:40 [INFO] 'last_conv_or_matmul_quantization': True,\n", + "2024-05-08 11:04:40 [INFO] 'pre_post_process_quantization': True,\n", + "2024-05-08 11:04:40 [INFO] 'add_qdq_pair_to_weight': False,\n", + "2024-05-08 11:04:40 [INFO] 'optypes_to_exclude_output_quant': [\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'dedicated_qdq_pair': False,\n", + "2024-05-08 11:04:40 [INFO] 'rtn_args': {\n", + "2024-05-08 11:04:40 [INFO] 'enable_full_range': False,\n", + "2024-05-08 11:04:40 [INFO] 'enable_mse_search': False\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'awq_args': {\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'gptq_args': {\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'teq_args': {\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'reduce_range': None,\n", + "2024-05-08 11:04:40 [INFO] 'TuningCriterion': {\n", + "2024-05-08 11:04:40 [INFO] 'max_trials': 100,\n", + "2024-05-08 11:04:40 [INFO] 'objective': [\n", + "2024-05-08 11:04:40 [INFO] 'performance'\n", + "2024-05-08 11:04:40 [INFO] ],\n", + "2024-05-08 11:04:40 [INFO] 'strategy': 'basic',\n", + "2024-05-08 11:04:40 [INFO] 'strategy_kwargs': None,\n", + "2024-05-08 11:04:40 [INFO] 'timeout': 0\n", + "2024-05-08 11:04:40 [INFO] },\n", + "2024-05-08 11:04:40 [INFO] 'use_bf16': True\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [INFO] }\n", + "2024-05-08 11:04:40 [WARNING] [Strategy] Please install `mpi4py` correctly if using distributed tuning; otherwise, ignore this warning.\n", + "2024-05-08 11:04:40 [INFO] Pass query framework capability elapsed time: 17.85 ms\n", + "2024-05-08 11:04:40 [INFO] Do not evaluate the baseline and quantize the model with default configuration.\n", + "2024-05-08 11:04:40 [INFO] Quantize the model with default config.\n", + "2024-05-08 11:04:40 [INFO] All algorithms to do: {'RTN'}\n", + "2024-05-08 11:04:40 [INFO] quantizing with the round-to-nearest algorithm\n", + "2024-05-08 11:06:20 [INFO] |******Mixed Precision Statistics******|\n", + "2024-05-08 11:06:20 [INFO] +---------+-------+-----------+--------+\n", + "2024-05-08 11:06:20 [INFO] | Op Type | Total | A32W4G32 | FP32 |\n", + "2024-05-08 11:06:20 [INFO] +---------+-------+-----------+--------+\n", + "2024-05-08 11:06:20 [INFO] | Linear | 225 | 224 | 1 |\n", + "2024-05-08 11:06:20 [INFO] +---------+-------+-----------+--------+\n", + "2024-05-08 11:06:20 [INFO] Pass quantize model elapsed time: 100265.61 ms\n", + "2024-05-08 11:06:20 [INFO] Save tuning history to /mnt/localdisk1/ankur/oneAPI-samples/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/nc_workspace/2024-05-08_11-02-39/./history.snapshot.\n", + "2024-05-08 11:06:20 [INFO] [Strategy] Found the model meets accuracy requirements, ending the tuning process.\n", + "2024-05-08 11:06:20 [INFO] Specified timeout or max trials is reached! Found a quantized model which meet accuracy goal. Exit.\n", + "2024-05-08 11:06:20 [INFO] Save deploy yaml to /mnt/localdisk1/ankur/oneAPI-samples/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/nc_workspace/2024-05-08_11-02-39/deploy.yaml\n", + "2024-05-08 11:06:40 [INFO] WeightOnlyQuant done.\n", + "The attention mask and the pad token id were not set. As a consequence, you may observe unexpected behavior. Please pass your input's `attention_mask` to obtain reliable results.\n", + "Setting `pad_token_id` to `eos_token_id`:2 for open-end generation.\n" + ] + }, + { + "data": { + "text/plain": [ + "tensor([[ 1, 5713, 3714, 264, 727, 28725, 264, 1628, 2746, 5160,\n", + " 14003, 403, 7312, 1059, 272, 16748, 28723, 985, 403, 356,\n", + " 559, 1069, 298, 3251, 559, 19023, 28725, 693, 6262, 297,\n", + " 264, 1741, 2134, 438, 272, 5358, 302, 272, 8613, 28723,\n", + " 1136, 14003, 5610, 28725, 630, 8295, 264, 8708, 28725, 1272,\n", + " 15675, 2439, 5374, 778, 272, 7099, 28723, 6119, 925]])" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "q4_model = AutoModelForCausalLM.from_pretrained(\n", + " model_name, load_in_4bit=True, use_neural_speed=False\n", + ")\n", + "q4_model.generate(inputs, max_new_tokens=50)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The `from_pretrained` method call above, with `load_in_4bit=True`, initiates several actions. It downloads the model from the HuggingFace Hub, quantizes it, saves the quantized model for future use, and finally returns the model object. This process may take some time, but once completed, the model offers significantly improved throughput. The `use_neural_speed` argument will be discussed shortly; for now, set it to `False`." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### INT8 (8-bit Integer)\n", + "\n", + "To load model in INT8 precision, just replace `load_in_4bit` with `load_in_8bit` and you should be good to go." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-05-08 11:06:46 [INFO] cpu device is used.\n", + "2024-05-08 11:06:46 [INFO] Applying Weight Only Quantization.\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "6060da2237dc4c14a23bd9943f4691b5", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Loading checkpoint shards: 0%| | 0/2 [00:00>,\n", + "2024-05-08 11:06:56 [INFO] 'relative': 0.01\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'approach': 'post_training_weight_only',\n", + "2024-05-08 11:06:56 [INFO] 'backend': 'default',\n", + "2024-05-08 11:06:56 [INFO] 'calibration_sampling_size': [\n", + "2024-05-08 11:06:56 [INFO] 100\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'device': 'cpu',\n", + "2024-05-08 11:06:56 [INFO] 'diagnosis': False,\n", + "2024-05-08 11:06:56 [INFO] 'domain': 'auto',\n", + "2024-05-08 11:06:56 [INFO] 'example_inputs': 'Not printed here due to large size tensors...',\n", + "2024-05-08 11:06:56 [INFO] 'excluded_precisions': [\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'framework': 'pytorch_fx',\n", + "2024-05-08 11:06:56 [INFO] 'inputs': [\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'model_name': '',\n", + "2024-05-08 11:06:56 [INFO] 'ni_workload_name': 'quantization',\n", + "2024-05-08 11:06:56 [INFO] 'op_name_dict': {\n", + "2024-05-08 11:06:56 [INFO] '.*lm_head': {\n", + "2024-05-08 11:06:56 [INFO] 'weight': {\n", + "2024-05-08 11:06:56 [INFO] 'dtype': [\n", + "2024-05-08 11:06:56 [INFO] 'fp32'\n", + "2024-05-08 11:06:56 [INFO] ]\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] '.*output_layer': {\n", + "2024-05-08 11:06:56 [INFO] 'weight': {\n", + "2024-05-08 11:06:56 [INFO] 'dtype': [\n", + "2024-05-08 11:06:56 [INFO] 'fp32'\n", + "2024-05-08 11:06:56 [INFO] ]\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] '.*embed_out': {\n", + "2024-05-08 11:06:56 [INFO] 'weight': {\n", + "2024-05-08 11:06:56 [INFO] 'dtype': [\n", + "2024-05-08 11:06:56 [INFO] 'fp32'\n", + "2024-05-08 11:06:56 [INFO] ]\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'op_type_dict': {\n", + "2024-05-08 11:06:56 [INFO] '.*': {\n", + "2024-05-08 11:06:56 [INFO] 'weight': {\n", + "2024-05-08 11:06:56 [INFO] 'bits': [\n", + "2024-05-08 11:06:56 [INFO] 8\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'dtype': [\n", + "2024-05-08 11:06:56 [INFO] 'int8'\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'group_size': [\n", + "2024-05-08 11:06:56 [INFO] 32\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'scheme': [\n", + "2024-05-08 11:06:56 [INFO] 'sym'\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'algorithm': [\n", + "2024-05-08 11:06:56 [INFO] 'RTN'\n", + "2024-05-08 11:06:56 [INFO] ]\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'outputs': [\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'quant_format': 'default',\n", + "2024-05-08 11:06:56 [INFO] 'quant_level': 'auto',\n", + "2024-05-08 11:06:56 [INFO] 'recipes': {\n", + "2024-05-08 11:06:56 [INFO] 'smooth_quant': False,\n", + "2024-05-08 11:06:56 [INFO] 'smooth_quant_args': {\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'layer_wise_quant': False,\n", + "2024-05-08 11:06:56 [INFO] 'layer_wise_quant_args': {\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'fast_bias_correction': False,\n", + "2024-05-08 11:06:56 [INFO] 'weight_correction': False,\n", + "2024-05-08 11:06:56 [INFO] 'gemm_to_matmul': True,\n", + "2024-05-08 11:06:56 [INFO] 'graph_optimization_level': None,\n", + "2024-05-08 11:06:56 [INFO] 'first_conv_or_matmul_quantization': True,\n", + "2024-05-08 11:06:56 [INFO] 'last_conv_or_matmul_quantization': True,\n", + "2024-05-08 11:06:56 [INFO] 'pre_post_process_quantization': True,\n", + "2024-05-08 11:06:56 [INFO] 'add_qdq_pair_to_weight': False,\n", + "2024-05-08 11:06:56 [INFO] 'optypes_to_exclude_output_quant': [\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'dedicated_qdq_pair': False,\n", + "2024-05-08 11:06:56 [INFO] 'rtn_args': {\n", + "2024-05-08 11:06:56 [INFO] 'enable_full_range': False,\n", + "2024-05-08 11:06:56 [INFO] 'enable_mse_search': False\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'awq_args': {\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'gptq_args': {\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'teq_args': {\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'reduce_range': None,\n", + "2024-05-08 11:06:56 [INFO] 'TuningCriterion': {\n", + "2024-05-08 11:06:56 [INFO] 'max_trials': 100,\n", + "2024-05-08 11:06:56 [INFO] 'objective': [\n", + "2024-05-08 11:06:56 [INFO] 'performance'\n", + "2024-05-08 11:06:56 [INFO] ],\n", + "2024-05-08 11:06:56 [INFO] 'strategy': 'basic',\n", + "2024-05-08 11:06:56 [INFO] 'strategy_kwargs': None,\n", + "2024-05-08 11:06:56 [INFO] 'timeout': 0\n", + "2024-05-08 11:06:56 [INFO] },\n", + "2024-05-08 11:06:56 [INFO] 'use_bf16': True\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [INFO] }\n", + "2024-05-08 11:06:56 [WARNING] [Strategy] Please install `mpi4py` correctly if using distributed tuning; otherwise, ignore this warning.\n", + "2024-05-08 11:06:56 [INFO] Pass query framework capability elapsed time: 19.44 ms\n", + "2024-05-08 11:06:56 [INFO] Do not evaluate the baseline and quantize the model with default configuration.\n", + "2024-05-08 11:06:56 [INFO] Quantize the model with default config.\n", + "2024-05-08 11:06:56 [INFO] All algorithms to do: {'RTN'}\n", + "2024-05-08 11:06:56 [INFO] quantizing with the round-to-nearest algorithm\n", + "2024-05-08 11:07:11 [INFO] |******Mixed Precision Statistics******|\n", + "2024-05-08 11:07:11 [INFO] +---------+-------+-----------+--------+\n", + "2024-05-08 11:07:11 [INFO] | Op Type | Total | A32W8G32 | FP32 |\n", + "2024-05-08 11:07:11 [INFO] +---------+-------+-----------+--------+\n", + "2024-05-08 11:07:11 [INFO] | Linear | 225 | 224 | 1 |\n", + "2024-05-08 11:07:11 [INFO] +---------+-------+-----------+--------+\n", + "2024-05-08 11:07:11 [INFO] Pass quantize model elapsed time: 14749.45 ms\n", + "2024-05-08 11:07:11 [INFO] Save tuning history to /mnt/localdisk1/ankur/oneAPI-samples/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/nc_workspace/2024-05-08_11-02-39/./history.snapshot.\n", + "2024-05-08 11:07:11 [INFO] [Strategy] Found the model meets accuracy requirements, ending the tuning process.\n", + "2024-05-08 11:07:11 [INFO] Specified timeout or max trials is reached! Found a quantized model which meet accuracy goal. Exit.\n", + "2024-05-08 11:07:11 [INFO] Save deploy yaml to /mnt/localdisk1/ankur/oneAPI-samples/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/nc_workspace/2024-05-08_11-02-39/deploy.yaml\n", + "2024-05-08 11:12:46 [INFO] WeightOnlyQuant done.\n", + "The attention mask and the pad token id were not set. As a consequence, you may observe unexpected behavior. Please pass your input's `attention_mask` to obtain reliable results.\n", + "Setting `pad_token_id` to `eos_token_id`:2 for open-end generation.\n" + ] + }, + { + "data": { + "text/plain": [ + "tensor([[ 1, 5713, 3714, 264, 727, 28725, 264, 1628, 2746, 5160,\n", + " 14003, 403, 7312, 1059, 272, 16748, 28723, 985, 403, 356,\n", + " 559, 1069, 298, 3251, 559, 19023, 28725, 693, 6262, 297,\n", + " 264, 1741, 27270, 3534, 2373, 272, 8613, 28723, 1136, 14003,\n", + " 5610, 28725, 630, 8295, 264, 8708, 7739, 28747, 264, 8887,\n", + " 2251, 28725, 708, 9942, 821, 264, 1502, 28809, 28713]])" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "q8_model = AutoModelForCausalLM.from_pretrained(\n", + " model_name, load_in_8bit=True, use_neural_speed=False\n", + ")\n", + "q8_model.generate(inputs, max_new_tokens=50)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Lets check the model size in memory and disk" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "from utils import get_model_size_disk, get_model_size_ram" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Size in Memory" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "full_model memory usage: 28649.023 MB\n", + "q8_model memory usage: 9556.578 MB\n", + "q4_model memory usage: 6206.328 MB\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAk0AAAHHCAYAAACiOWx7AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/OQEPoAAAACXBIWXMAAA9hAAAPYQGoP6dpAABdQ0lEQVR4nO3deVxO6f8/8NfdHnVnaadtGCmyk+xGo5JtmMWeyvopu9BYsszY90FmxhAzZRt7TPbIFKUmZAlhrGEmFamkrt8ffp2vW8XJlMLr+Xjcj5n7nPd9nfe5HfVyzrmvWyGEECAiIiKi11Ir6waIiIiI3gcMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EVCYUCgWmT59e7NfduHEDCoUCQUFBJdZLu3bt0K5duxIbTw5ra2sMHDjwnW6TiP4bhiaij1hQUBAUCgUUCgVOnDhRYL0QAhYWFlAoFOjcuXMZdPjf3LhxA56enqhRowZ0dHRgamqKNm3aICAgoKxbK3HTp0+X/iwVCgU0NTVhbW2NkSNHIjU1tcjXTZgwAQqFAt98802h6/NDqkKhwHfffVdoTd++faFQKKCnp1cSu0JUbmmUdQNEVPZ0dHQQEhKCVq1aqSw/duwYbt++DW1t7TLq7O1dvXoVTZs2ha6uLry8vGBtbY179+4hLi4O8+bNw4wZM6TaAwcOvPP+EhMToaZW8v9uDQwMhJ6eHjIyMnD48GH88MMPiIuLKzIUb9y4EdbW1tizZw8eP34MfX39QsfV0dHBxo0bMWXKFJXlGRkZ2LVrF3R0dEp8X4jKG4YmIkKnTp2wdetWLF++HBoa//djISQkBI0bN8Y///xTht29nSVLluDJkyeIj4+HlZWVyroHDx6oPNfS0nqXrQFAqQXRL7/8EoaGhgCAoUOHolevXti8eTOio6PRrFkzldrw8HDcvn0bR44cgYuLC7Zv3w4PD49Cx+3UqRO2b9+OM2fOoH79+tLyXbt24dmzZ3B1dcWRI0dKZZ+IygteniMi9O7dG//++y8OHjwoLXv27Bl+//139OnTp9DXZGRkYNy4cbCwsIC2tjZsbW2xcOFCCCFU6rKzszFmzBgYGRlBX18fXbt2xe3btwsd886dO/Dy8oKJiQm0tbVRp04drF279q32KSkpCdWrVy8QmADA2NhY5fmr9zRZW1urXOp6+REeHl4i/b56T1P+pdI///wTY8eOhZGRESpWrIgvvvgCDx8+LNa+v6x169YAXrwfrwoODoa9vT3at28PZ2dnBAcHFzmOk5MTbGxsEBISUmAMV1dXVKlS5a17JHpfMDQREaytreHk5ISNGzdKy/744w+kpaWhV69eBeqFEOjatSuWLFkCV1dXLF68GLa2tvDz88PYsWNVagcNGoSlS5eiY8eOmDt3LjQ1NeHu7l5gzPv376N58+Y4dOgQfH19sWzZMtSsWRPe3t5YunRpsffJysoKt27dequzH0uXLsWvv/6q8mjUqBHU1NRQtWrVUuk334gRI3DmzBkEBARg+PDh2LNnD3x9fd96vBs3bgAAKleurLI8Ozsb27ZtQ+/evQG8CM5HjhxBcnJykWP17t0bmzZtkoLxP//8gwMHDhQZrIk+OIKIPlrr1q0TAERMTIxYsWKF0NfXF0+fPhVCCPHVV1+J9u3bCyGEsLKyEu7u7tLrdu7cKQCI7777TmW8L7/8UigUCnH16lUhhBDx8fECgPjf//6nUtenTx8BQAQEBEjLvL29hZmZmfjnn39Uanv16iUMDAykvq5fvy4AiHXr1r123xISEoSurq4AIBo0aCBGjRoldu7cKTIyMgrUtm3bVrRt27bIsbZs2SIAiJkzZxa736JYWVkJDw8P6Xn+n4Wzs7PIy8uTlo8ZM0aoq6uL1NTU144XEBAgAIjExETx8OFDcePGDbF27Vqhq6srjIyMCuz377//LgCIK1euCCGESE9PFzo6OmLJkiUqdfnv94IFC0RCQoIAICIiIoQQQqxcuVLo6emJjIwM4eHhISpWrPjaHonedzzTREQAgK+//hqZmZkIDQ3F48ePERoaWuQZhH379kFdXR0jR45UWT5u3DgIIfDHH39IdQAK1I0ePVrluRAC27ZtQ5cuXSCEwD///CM9XFxckJaWhri4uGLtT506dRAfH49+/frhxo0bWLZsGbp37w4TExP8/PPPsse5cOECvLy80K1bN+km6NLoN9+QIUOgUCik561bt0Zubi7+/vtvWa+3tbWFkZERrK2t4eXlhZo1a+KPP/5AhQoVVOqCg4PRpEkT1KxZEwCgr68Pd3f3116iq1OnDurVqyedkQwJCUG3bt0KjE30oeKN4EQEADAyMoKzszNCQkLw9OlT5Obm4ssvvyy09u+//4a5uXmBT1rZ2dlJ6/P/q6amhho1aqjU2draqjx/+PAhUlNT8dNPP+Gnn34qdJuv3rwtR61atfDrr78iNzcXFy5cQGhoKObPn48hQ4bAxsYGzs7Or319eno6evTogWrVqmHDhg1SmCmtfgHA0tJS5Xn+ZbVHjx7Jev22bdugVCrx8OFDLF++HNevX4eurq5KTWpqKvbt2wdfX19cvXpVWt6yZUts27YNly9fRq1atQodv0+fPli0aBHGjBmDyMhIfPvtt8XZPaL3GkMTEUn69OmDwYMHIzk5GW5ubqhUqdI72W5eXh4AoF+/fkV+eqtevXpvPb66ujocHBzg4OAAJycntG/fHsHBwW8MTQMHDsTdu3cRHR0NpVL5TvpVV1cvdLl45Qb7orRp00b69FyXLl3g4OCAvn37IjY2VpriYOvWrcjOzsaiRYuwaNGiAmMEBwerTMnwst69e8Pf3x+DBw9G1apV0bFjR1l9EX0IGJqISPLFF19g6NChOHnyJDZv3lxknZWVFQ4dOlRgXp9Lly5J6/P/m5eXh6SkJJWzS4mJiSrj5X+yLjc3941B5r9q0qQJAODevXuvrZs7dy527tyJ7du3o3bt2irr3mW//4Wenh4CAgLg6emJLVu2SDf1BwcHo27duoVO8vnjjz8iJCSkyNBkaWmJli1bIjw8HMOHD1eZooLoQ8d7mohIoqenh8DAQEyfPh1dunQpsq5Tp07Izc3FihUrVJYvWbIECoUCbm5uACD9d/ny5Sp1r366TF1dHT179sS2bduQkJBQYHtv85H7iIgI5OTkFFief5/Vq5cIX3bo0CFMmTIFkydPRvfu3QusL41+S0vfvn1RvXp1zJs3DwBw69YtHD9+HF9//TW+/PLLAg9PT09cvXoVp06dKnLM7777DgEBARgxYsS72g2icoH/RCAiFUVdbnpZly5d0L59e0yePBk3btxA/fr1ceDAAezatQujR4+W7mFq0KABevfujVWrViEtLQ0tWrTA4cOHVe6jyTd37lwcPXoUjo6OGDx4MOzt7ZGSkoK4uDgcOnQIKSkpxdqPefPmITY2Fj169JAulcXFxWHDhg2oUqVKgZvRX9a7d28YGRnh008/xW+//aay7vPPP4eJiUmJ91taNDU1MWrUKPj5+SEsLAxnzpyRpowoTKdOnaChoYHg4GA4OjoWWtO2bVu0bdu2NNsmKpcYmoio2NTU1LB7925MmzYNmzdvxrp162BtbY0FCxZg3LhxKrVr166FkZERgoODsXPnTnz22WfYu3cvLCwsVOpMTEwQHR2NmTNnYvv27Vi1ahWqVq2KOnXqSGdJiuPbb79FSEgIjh07huDgYDx9+hRmZmbo1asXpk6dChsbmyJfmz8DemEB8ujRozAxMSnxfkvTkCFD8N1332Hu3LlISUmBpaWlyqzeL6tUqRJatWqFzZs3Y/Hixe+4U6LyTSHk3l1IRERE9BHjPU1EREREMjA0EREREcnA0EREREQkA0MTERERkQxlGpoCAwNRr149KJVKKJVKODk5Sd9ZBQBZWVnw8fFB1apVoaenh549e+L+/fsqY9y8eRPu7u6oUKECjI2N4efnh+fPn6vUhIeHo1GjRtDW1kbNmjURFBRUoJeVK1fC2toaOjo6cHR0RHR0dKnsMxEREb2fyjQ0Va9eHXPnzkVsbCxOnz6Nzz77DN26dcP58+cBAGPGjMGePXuwdetWHDt2DHfv3kWPHj2k1+fm5sLd3R3Pnj1DZGQk1q9fj6CgIEybNk2quX79Otzd3dG+fXvEx8dj9OjRGDRoEPbv3y/VbN68GWPHjkVAQADi4uJQv359uLi4vPV3RxEREdGHp9xNOVClShUsWLAAX375JYyMjBASEiJ9aeilS5dgZ2eHqKgoNG/eHH/88Qc6d+6Mu3fvwsTEBACwevVqTJw4EQ8fPoSWlhYmTpyIvXv3qsza26tXL6SmpiIsLAwA4OjoiKZNm0qzG+fl5cHCwgIjRozApEmTZPWdl5eHu3fvQl9fX+UbyomIiKj8EkLg8ePHMDc3l76f8XXF5cLz58/Fxo0bhZaWljh//rw4fPiwACAePXqkUmdpaSkWL14shBBi6tSpon79+irrr127JgCIuLg4IYQQrVu3FqNGjVKpWbt2rVAqlUIIIbKzs4W6urrYsWOHSs2AAQNE165di+w3KytLpKWlSY8LFy4IAHzwwQcffPDBx3v4uHXr1huzSpnPCH7u3Dk4OTkhKysLenp62LFjB+zt7REfHw8tLa0C37JuYmKC5ORkAEBycrJ0hunl9fnrXleTnp6OzMxMPHr0CLm5uYXW5H/5aGHmzJlT6Bda3rp1S+Xb0ImIiKj8Sk9Ph4WFhcqXjxelzEOTra0t4uPjkZaWht9//x0eHh44duxYWbf1Rv7+/hg7dqz0PP9Nz7+pnYiIiN4fcm6tKfPQpKWlhZo1awIAGjdujJiYGCxbtgzffPMNnj17htTUVJWzTffv34epqSkAwNTUtMCn3PI/XfdyzaufuLt//z6USiV0dXWhrq4OdXX1QmvyxyiMtrY2tLW1326niYiI6L1T7uZpysvLQ3Z2Nho3bgxNTU0cPnxYWpeYmIibN2/CyckJAODk5IRz586pfMrt4MGDUCqVsLe3l2peHiO/Jn8MLS0tNG7cWKUmLy8Phw8flmqIiIiIyvRG8EmTJoljx46J69evi7Nnz4pJkyYJhUIhDhw4IIQQYtiwYcLS0lIcOXJEnD59Wjg5OQknJyfp9c+fPxd169YVHTt2FPHx8SIsLEwYGRkJf39/qebatWuiQoUKws/PT1y8eFGsXLlSqKuri7CwMKlm06ZNQltbWwQFBYkLFy6IIUOGiEqVKonk5GTZ+5KWliYAiLS0tBJ4Z0rW7NmzRZMmTYSenp4wMjIS3bp1E5cuXVKpuXfvnujXr58wMTERFSpUEA0bNhS///57gbFCQ0NFs2bNhI6OjqhUqZLo1q1bodv8559/RLVq1QRQ8Gb+FStWiNq1awsdHR1Rq1YtsX79+jfuw99//y06deokdHV1hZGRkRg/frzIycmR1m/btk04OzsLQ0NDoa+vL5o3b67yZyyEEKtWrRIODg5CX19fqtm3b99rtxsQECAACBcXlwLr5s+fLwCItm3bFqjPfyiVStGqVSsRHh7+xn0kIqJ3rzi/v8s0NHl5eQkrKyuhpaUljIyMRIcOHaTAJIQQmZmZ4n//+5+oXLmyqFChgvjiiy/EvXv3VMa4ceOGcHNzE7q6usLQ0FCMGzdO5ZepEEIcPXpUNGjQQGhpaYlPPvlErFu3rkAvP/zwg7C0tBRaWlqiWbNm4uTJk8Xal/IcmlxcXMS6detEQkKCiI+PF506dRKWlpbiyZMnUs3nn38umjZtKk6dOiWSkpLErFmzhJqamvQpRCGE+P3330XlypVFYGCgSExMFOfPnxebN28udJvdunUTbm5uBULTqlWrhL6+vti0aZNISkoSGzduFHp6emL37t1F9p8fjp2dncVff/0l9u3bJwwNDVXC8ahRo8S8efNEdHS0uHz5svD39xeampoq/e/evVvs3btXXL58WSQmJopvv/1WaGpqioSEhCK3HRAQIMzMzISWllaBT1bUrl1bWFpaFghNderUEffu3RP37t0T58+fF56enkJPT0+kpqYWuR0iIiob701o+pCU59D0qgcPHggA4tixY9KyihUrig0bNqjUValSRfz8889CCCFycnJEtWrVxJo1a944/qpVq0Tbtm0LnTbCyclJjB8/XqV+7NixomXLlkWOt2/fPqGmpqZy5i8wMFAolUqRnZ1d5Ovs7e3FjBkzXttr5cqVX7tPAQEBon79+qJz587iu+++k5b/+eefwtDQUAwfPrxAaHp1Goxbt24JACI6Ovq1vRAR0btXnN/f5e6eJip9aWlpAF5MJJqvRYsW2Lx5M1JSUpCXl4dNmzYhKysL7dq1AwDExcXhzp07UFNTQ8OGDWFmZgY3NzeVSUMB4MKFC5g5cyY2bNhQ6CRh2dnZ0NHRUVmmq6uL6Oho5OTkFNpvVFQUHBwcVKaFcHFxQXp6ujR7/Kvy8vLw+PFjlX18WW5uLjZt2oSMjAxZ9655eXmpfP3O2rVr0bdvX2hpab32ddnZ2Vi3bh0qVaoEW1vbN26HiIjKL4amj0xeXh5Gjx6Nli1bom7dutLyLVu2ICcnB1WrVoW2tjaGDh2KHTt2SJ9svHbtGgBg+vTpmDJlCkJDQ1G5cmW0a9cOKSkpAF4EhN69e2PBggWwtLQsdPsuLi5Ys2YNYmNjIYTA6dOnsWbNGuTk5OCff/4p9DVy5uN61cKFC/HkyRN8/fXXKsvPnTsHPT09aGtrY9iwYdK8YG/SuXNnpKen4/jx48jIyMCWLVvg5eVVaG3+NvT09KCrq4uFCxdi48aNnIqCiOg9V+ZTDtC75ePjg4SEBJw4cUJl+dSpU5GamopDhw7B0NAQO3fuxNdff42IiAg4ODggLy8PADB58mT07NkTALBu3TpUr14dW7duxdChQ+Hv7w87Ozv069evyO1PnToVycnJaN68OYQQMDExgYeHB+bPn//m6etlCgkJwYwZM7Br1y4YGxurrCtqXrA3BSdNTU3069cP69atw7Vr11CrVi3Uq1ev0FpbW1vs3r0bAPD48WNs3rwZX331FY4ePYomTZqUyD4SEdG7xzNNHxFfX1+Ehobi6NGjqF69urQ8KSkJK1aswNq1a9GhQwfUr18fAQEBaNKkCVauXAkAMDMzAwCVcKGtrY1PPvkEN2/eBAAcOXIEW7duhYaGBjQ0NNChQwcAgKGhIQICAgC8uBS3du1aPH36FDdu3MDNmzdhbW0NfX19GBkZFdp3UXNt5a972aZNmzBo0CBs2bIFzs7OBcbKnxescePGmDNnDurXr49ly5bJev+8vLywdetWrFy5ssizTC9vo2bNmmjYsCHmzp2LatWqYenSpbK2Q0RE5RND00dACAFfX1/s2LEDR44cgY2Njcr6p0+fAkCBMz3q6urSGabGjRtDW1sbiYmJ0vqcnBzcuHEDVlZWAIBt27bhzJkziI+PR3x8PNasWQMAiIiIgI+Pj8rYmpqaqF69OtTV1bFp0yZ07ty5yDNNcubjAoCNGzfC09MTGzduhLu7u6z3Jn9eMDnq1KmDOnXqICEhAX369JH1mnzq6urIzMws1muIiKh84eW5j4CPjw9CQkKwa9cu6OvrS/cBGRgYQFdXF7Vr10bNmjUxdOhQLFy4EFWrVsXOnTtx8OBBhIaGAgCUSiWGDRuGgIAAWFhYwMrKCgsWLAAAfPXVVwCAGjVqqGw3/x4lOzs7aVb3y5cvIzo6Go6Ojnj06BEWL16MhIQErF+/Xnrdjh074O/vL333X8eOHWFvb4/+/ftj/vz5SE5OxpQpU+Dj4yPNyh4SEgIPDw8sW7YMjo6O0j7q6urCwMAAwIuvvnFzc4OlpSUeP36MkJAQhIeHY//+/bLfyyNHjiAnJ6fAdyK+7Pnz59L28y/PXbhwARMnTpS9HSIiKodK+6N8H4vyPOUAivhG55fnq7p8+bLo0aOHMDY2FhUqVBD16tUrMAXBs2fPxLhx44SxsbHQ19cXzs7Or53j6OjRowWmHLhw4YJo0KCB0NXVFUqlstCJNtetWydePTTfNB9X27ZtC91HDw8PqeZN84IVprApBF42atSo105uWaFCBeHg4CACAwNfux0iIiobxfn9rRBCiHcd1D5E6enpMDAwQFpaGj8lRURE9J4ozu9v3tNEREREJANDExEREZEMvBH8PWE9aW9Zt0Bl7MZceZ8IJCKi0sEzTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCRDmYamOXPmoGnTptDX14exsTG6d++OxMRElZp27dpBoVCoPIYNG6ZSc/PmTbi7u6NChQowNjaGn58fnj9/rlITHh6ORo0aQVtbGzVr1kRQUFCBflauXAlra2vo6OjA0dER0dHRJb7PRERE9H4q09B07Ngx+Pj44OTJkzh48CBycnLQsWNHZGRkqNQNHjwY9+7dkx7z58+X1uXm5sLd3R3Pnj1DZGQk1q9fj6CgIEybNk2quX79Otzd3dG+fXvEx8dj9OjRGDRoEPbv3y/VbN68GWPHjkVAQADi4uJQv359uLi44MGDB6X/RhAREVG5pxBCiLJuIt/Dhw9hbGyMY8eOoU2bNgBenGlq0KABli5dWuhr/vjjD3Tu3Bl3796FiYkJAGD16tWYOHEiHj58CC0tLUycOBF79+5FQkKC9LpevXohNTUVYWFhAABHR0c0bdoUK1asAADk5eXBwsICI0aMwKRJk97Ye3p6OgwMDJCWlgalUvlf3oZCWU/aW+Jj0vvlxlz3sm6BiOiDU5zf3+Xqnqa0tDQAQJUqVVSWBwcHw9DQEHXr1oW/vz+ePn0qrYuKioKDg4MUmADAxcUF6enpOH/+vFTj7OysMqaLiwuioqIAAM+ePUNsbKxKjZqaGpydnaWaV2VnZyM9PV3lQURERB8ujbJuIF9eXh5Gjx6Nli1bom7dutLyPn36wMrKCubm5jh79iwmTpyIxMREbN++HQCQnJysEpgASM+Tk5NfW5Oeno7MzEw8evQIubm5hdZcunSp0H7nzJmDGTNm/LedJiIiovdGuQlNPj4+SEhIwIkTJ1SWDxkyRPp/BwcHmJmZoUOHDkhKSkKNGjXedZsSf39/jB07Vnqenp4OCwuLMuuHiIiISle5CE2+vr4IDQ3F8ePHUb169dfWOjo6AgCuXr2KGjVqwNTUtMCn3O7fvw8AMDU1lf6bv+zlGqVSCV1dXairq0NdXb3QmvwxXqWtrQ1tbW35O0lERETvtTK9p0kIAV9fX+zYsQNHjhyBjY3NG18THx8PADAzMwMAODk54dy5cyqfcjt48CCUSiXs7e2lmsOHD6uMc/DgQTg5OQEAtLS00LhxY5WavLw8HD58WKohIiKij1uZnmny8fFBSEgIdu3aBX19fekeJAMDA+jq6iIpKQkhISHo1KkTqlatirNnz2LMmDFo06YN6tWrBwDo2LEj7O3t0b9/f8yfPx/JycmYMmUKfHx8pDNBw4YNw4oVKzBhwgR4eXnhyJEj2LJlC/bu/b9PpI0dOxYeHh5o0qQJmjVrhqVLlyIjIwOenp7v/o0hIiKicqdMQ1NgYCCAF9MKvGzdunUYOHAgtLS0cOjQISnAWFhYoGfPnpgyZYpUq66ujtDQUAwfPhxOTk6oWLEiPDw8MHPmTKnGxsYGe/fuxZgxY7Bs2TJUr14da9asgYuLi1TzzTff4OHDh5g2bRqSk5PRoEEDhIWFFbg5nIiIiD5O5WqepvcZ52mi0sZ5moiISt57O08TERERUXnF0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQxlGprmzJmDpk2bQl9fH8bGxujevTsSExNVarKysuDj44OqVatCT08PPXv2xP3791Vqbt68CXd3d1SoUAHGxsbw8/PD8+fPVWrCw8PRqFEjaGtro2bNmggKCirQz8qVK2FtbQ0dHR04OjoiOjq6xPeZiIiI3k9lGpqOHTsGHx8fnDx5EgcPHkROTg46duyIjIwMqWbMmDHYs2cPtm7dimPHjuHu3bvo0aOHtD43Nxfu7u549uwZIiMjsX79egQFBWHatGlSzfXr1+Hu7o727dsjPj4eo0ePxqBBg7B//36pZvPmzRg7diwCAgIQFxeH+vXrw8XFBQ8ePHg3bwYRERGVawohhCjrJvI9fPgQxsbGOHbsGNq0aYO0tDQYGRkhJCQEX375JQDg0qVLsLOzQ1RUFJo3b44//vgDnTt3xt27d2FiYgIAWL16NSZOnIiHDx9CS0sLEydOxN69e5GQkCBtq1evXkhNTUVYWBgAwNHREU2bNsWKFSsAAHl5ebCwsMCIESMwadKkN/aenp4OAwMDpKWlQalUlvRbA+tJe0t8THq/3JjrXtYtEBF9cIrz+7tc3dOUlpYGAKhSpQoAIDY2Fjk5OXB2dpZqateuDUtLS0RFRQEAoqKi4ODgIAUmAHBxcUF6ejrOnz8v1bw8Rn5N/hjPnj1DbGysSo2amhqcnZ2lmldlZ2cjPT1d5UFEREQfrnITmvLy8jB69Gi0bNkSdevWBQAkJydDS0sLlSpVUqk1MTFBcnKyVPNyYMpfn7/udTXp6enIzMzEP//8g9zc3EJr8sd41Zw5c2BgYCA9LCws3m7HiYiI6L1QbkKTj48PEhISsGnTprJuRRZ/f3+kpaVJj1u3bpV1S0RERFSKNMq6AQDw9fVFaGgojh8/jurVq0vLTU1N8ezZM6Smpqqcbbp//z5MTU2lmlc/5Zb/6bqXa179xN39+/ehVCqhq6sLdXV1qKurF1qTP8artLW1oa2t/XY7TERERO+dMj3TJISAr68vduzYgSNHjsDGxkZlfePGjaGpqYnDhw9LyxITE3Hz5k04OTkBAJycnHDu3DmVT7kdPHgQSqUS9vb2Us3LY+TX5I+hpaWFxo0bq9Tk5eXh8OHDUg0RERF93Mr0TJOPjw9CQkKwa9cu6OvrS/cPGRgYQFdXFwYGBvD29sbYsWNRpUoVKJVKjBgxAk5OTmjevDkAoGPHjrC3t0f//v0xf/58JCcnY8qUKfDx8ZHOBA0bNgwrVqzAhAkT4OXlhSNHjmDLli3Yu/f/PpE2duxYeHh4oEmTJmjWrBmWLl2KjIwMeHp6vvs3hoiIiMqdMg1NgYGBAIB27dqpLF+3bh0GDhwIAFiyZAnU1NTQs2dPZGdnw8XFBatWrZJq1dXVERoaiuHDh8PJyQkVK1aEh4cHZs6cKdXY2Nhg7969GDNmDJYtW4bq1atjzZo1cHFxkWq++eYbPHz4ENOmTUNycjIaNGiAsLCwAjeHExER0cepXM3T9D7jPE1U2jhPExFRyXtv52kiIiIiKq8YmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGd5qyoGcnBwkJyfj6dOnMDIykr5gl4iIiOhDJftM0+PHjxEYGIi2bdtCqVTC2toadnZ2MDIygpWVFQYPHoyYmJjS7JWIiIiozMgKTYsXL4a1tTXWrVsHZ2dn7Ny5E/Hx8bh8+TKioqIQEBCA58+fo2PHjnB1dcWVK1dKu28iIiKid0rW5bmYmBgcP34cderUKXR9s2bN4OXlhdWrV2PdunWIiIjAp59+WqKNEhEREZUlWaFp48aNsgbT1tbGsGHD/lNDREREROURPz1HREREJEOxQtPRo0exaNEi/PnnnwCAH3/8EZaWljAyMsLgwYORmZlZKk0SERERlTXZUw78/PPPGD58OGxsbDB58mQEBATg+++/R//+/aGmpobffvsNVatWxdy5c0uzXyIiIqIyIftM07Jly7BkyRJcuXIFO3fuxLRp07By5UoEBgZi5cqVWLNmDX7//ffS7JWIiIiozMgOTdeuXUPXrl0BAK6urlAoFGjWrJm03tHREbdu3Sr5DomIiIjKAdmhKSsrC7q6utJzbW1taGtrqzx//vx5yXZHREREVE7IvqdJoVDg8ePH0NHRgRACCoUCT548QXp6OgBI/yUiIiL6EMkOTUII1KpVS+V5w4YNVZ4rFIqS7Y6IiIionJAdmo4ePVqafRARERGVa7JDU9u2bUuzDyIiIqJyjTOCExEREckg+0yTurq6rLrc3Ny3boaIiIiovCrWjeBWVlbw8PBQuQGciIiI6GMgOzRFR0fjl19+wbJly2BjYwMvLy/07dsXlStXLs3+iIiIiMoF2fc0NWnSBIGBgbh37x7Gjh2LHTt2oHr16ujVqxcOHjxYmj0SERERlbli3wiuo6ODfv364fDhw0hISMCDBw/g6uqKlJSU0uiPiIiIqFyQfXnuZbdv30ZQUBCCgoLw9OlT+Pn5QalUlnRvREREROWG7ND07Nkz7NixA7/88gsiIiLg5uaGpUuXws3NTfYn64iIiIjeV7JDk5mZGfT19eHh4YFVq1bB2NgYAJCRkaFSxzNORERE9CFSCCGEnEI1tf+7/amw75jL/+65j3WepvT0dBgYGCAtLa1UgqP1pL0lPia9X27MdS/rFoiIPjjF+f3N754jIiIikoHfPUdEREQkg6wpB169b6mk64mIiIjKO1mhqWbNmpg7dy7u3btXZI0QAgcPHoSbmxuWL19eYg0SERERlQeyLs+Fh4fj22+/xfTp01G/fn00adIE5ubm0NHRwaNHj3DhwgVERUVBQ0MD/v7+GDp0aGn3TURERPROyQpNtra22LZtG27evImtW7ciIiICkZGRyMzMhKGhIRo2bIiff/6ZczYRERHRB6tYM4JbWlpi3LhxGDduXGn1Q0RERFQuFfu754iIiIg+RgxNRERERDIwNBERERHJwNBEREREJANDExEREZEMbxWaIiIi0K9fPzg5OeHOnTsAgF9//RUnTpwo0eaIiIiIyotih6Zt27bBxcUFurq6+Ouvv5CdnQ0ASEtLw+zZs0u8QSIiIqLyoNih6bvvvsPq1avx888/Q1NTU1resmVLxMXFlWhzREREROVFsUNTYmIi2rRpU2C5gYEBUlNTS6InIiIionKn2KHJ1NQUV69eLbD8xIkT+OSTT0qkKSIiIqLyptihafDgwRg1ahROnToFhUKBu3fvIjg4GOPHj8fw4cNLo0ciIiKiMles754DgEmTJiEvLw8dOnTA06dP0aZNG2hra2P8+PEYMWJEafRIREREVOaKHZoUCgUmT54MPz8/XL16FU+ePIG9vT309PRKoz8iIiKicqHYl+c2bNiAixcvQktLC/b29mjWrBn09PSQlZWFDRs2FGus48ePo0uXLjA3N4dCocDOnTtV1g8cOBAKhULl4erqqlKTkpKCvn37QqlUolKlSvD29saTJ09Uas6ePYvWrVtDR0cHFhYWmD9/foFetm7ditq1a0NHRwcODg7Yt29fsfaFiIiIPmzFDk0DBw5Es2bNsG3bNpXlaWlp8PT0LNZYGRkZqF+/PlauXFlkjaurK+7duyc9Nm7cqLK+b9++OH/+PA4ePIjQ0FAcP34cQ4YMkdanp6ejY8eOsLKyQmxsLBYsWIDp06fjp59+kmoiIyPRu3dveHt746+//kL37t3RvXt3JCQkFGt/iIiI6MNV7MtzADBjxgz0798f586dw/Tp0996425ubnBzc3ttjba2NkxNTQtdd/HiRYSFhSEmJgZNmjQBAPzwww/o1KkTFi5cCHNzcwQHB+PZs2dYu3YttLS0UKdOHcTHx2Px4sVSuFq2bBlcXV3h5+cHAJg1axYOHjyIFStWYPXq1W+9f0RERPTheKuvUenXrx+OHDmCH3/8EV9++SUyMzNLui9JeHg4jI2NYWtri+HDh+Pff/+V1kVFRaFSpUpSYAIAZ2dnqKmp4dSpU1JNmzZtoKWlJdW4uLggMTERjx49kmqcnZ1Vtuvi4oKoqKgi+8rOzkZ6errKg4iIiD5cxQ5NCoUCANC8eXOcOnUKV69eRYsWLXDjxo2S7g2urq7YsGEDDh8+jHnz5uHYsWNwc3NDbm4uACA5ORnGxsYqr9HQ0ECVKlWQnJws1ZiYmKjU5D9/U03++sLMmTMHBgYG0sPCwuK/7SwRERGVa8UOTUII6f8tLS0RGRkJa2trfP755yXaGAD06tULXbt2hYODA7p3747Q0FDExMQgPDy8xLdVXP7+/khLS5Met27dKuuWiIiIqBQVOzQFBASoTC9QoUIF7NixA2PGjCn061VK0ieffAJDQ0NpRnJTU1M8ePBApeb58+dISUmR7oMyNTXF/fv3VWryn7+ppqh7qYAX91oplUqVBxEREX243io0VahQocDyGTNm4OjRoyXSVFFu376Nf//9F2ZmZgAAJycnpKamIjY2Vqo5cuQI8vLy4OjoKNUcP34cOTk5Us3Bgwdha2uLypUrSzWHDx9W2dbBgwfh5ORUqvtDRERE7w9Zn57bvXs33NzcoKmpid27dxdZp1Ao0KVLF9kbf/Lkicr32F2/fh3x8fGoUqUKqlSpghkzZqBnz54wNTVFUlISJkyYgJo1a8LFxQUAYGdnB1dXVwwePBirV69GTk4OfH190atXL5ibmwMA+vTpgxkzZsDb2xsTJ05EQkICli1bhiVLlkjbHTVqFNq2bYtFixbB3d0dmzZtwunTp1WmJSAiIqKPm0K8fJNSEdTU1KSbrtXUij45pVAopJu05QgPD0f79u0LLPfw8EBgYCC6d++Ov/76C6mpqTA3N0fHjh0xa9YslZu2U1JS4Ovriz179kBNTQ09e/bE8uXLVS4hnj17Fj4+PoiJiYGhoSFGjBiBiRMnqmxz69atmDJlCm7cuIFPP/0U8+fPR6dOnWTvS3p6OgwMDJCWllYql+qsJ+0t8THp/XJjrntZt0BE9MEpzu9vWaGJ3oyhiUobQxMRUckrzu/vt5qniYiIiOhjIzs0RUVFITQ0VGXZhg0bYGNjA2NjYwwZMgTZ2dkl3iARERFReSA7NM2cORPnz5+Xnp87dw7e3t5wdnbGpEmTsGfPHsyZM6dUmiQiIiIqa7JDU3x8PDp06CA937RpExwdHfHzzz9j7NixWL58ObZs2VIqTRIRERGVNdmh6dGjRyqfWsv/SpN8TZs25azYRERE9MGSHZpMTExw/fp1AMCzZ88QFxeH5s2bS+sfP34MTU3Nku+QiIiIqByQHZo6deqESZMmISIiAv7+/qhQoQJat24trT979ixq1KhRKk0SERERlTVZM4IDwKxZs9CjRw+0bdsWenp6WL9+PbS0tKT1a9euRceOHUulSSIiIqKyJjs0GRoa4vjx40hLS4Oenh7U1dVV1m/dulVlFm4iIiKiD4ns0JTPwMCg0OVVqlT5z80QERERlVecEZyIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikkH2jeDHjx+XVdemTZu3boaIiIiovJIdmtq1aweFQgEAEEIUWqNQKJCbm1synRERERGVI7JDU+XKlaGvr4+BAweif//+MDQ0LM2+iIiIiMoV2fc03bt3D/PmzUNUVBQcHBzg7e2NyMhIKJVKGBgYSA8iIiKiD5Hs0KSlpYVvvvkG+/fvx6VLl1CvXj34+vrCwsICkydPxvPnz0uzTyIiIqIy9VafnrO0tMS0adNw6NAh1KpVC3PnzkV6enpJ90ZERERUbhQ7NGVnZyMkJATOzs6oW7cuDA0NsXfvXn6NChEREX3QZN8IHh0djXXr1mHTpk2wtraGp6cntmzZwrBEREREHwXZoal58+awtLTEyJEj0bhxYwDAiRMnCtR17dq15LojIiIiKidkhyYAuHnzJmbNmlXkes7TRERERB8q2aEpLy+vNPsgIiIiKtdK7Lvn8vLyEBoaWlLDEREREZUrxbo8V5irV69i7dq1CAoKwsOHD5GTk1MSfRERERGVK291pikzMxMbNmxAmzZtYGtri8jISEybNg23b98u6f6IiIiIyoVinWmKiYnBmjVrsGnTJtSoUQN9+/ZFZGQkVq1aBXt7+9LqkYiIiKjMyQ5N9erVQ3p6Ovr06YPIyEjUqVMHADBp0qRSa46IiIiovJB9eS4xMRFt2rRB+/bteVaJiIiIPjqyQ9O1a9dga2uL4cOHo3r16hg/fjz++usvKBSK0uyPiIiIqFyQHZqqVauGyZMn4+rVq/j111+RnJyMli1b4vnz5wgKCsLly5dLs08iIiKiMvVWn5777LPP8Ntvv+HevXtYsWIFjhw5gtq1a6NevXol3R8RERFRufCfJrc0MDDA//73P5w+fRpxcXFwcnIqqb6IiIiIypUSmRE8OzsbR44cwa5du0piOCIiIqJyR3Zoys7Ohr+/P5o0aYIWLVpg586dAIB169bBxsYGS5YswZgxY0qrTyIiIqIyJXuepmnTpuHHH3+Es7MzIiMj8dVXX8HT0xMnT57E4sWL8dVXX0FdXb00eyUiIiIqM7JD09atW7FhwwZ07doVCQkJqFevHp4/f44zZ85w2gEiIiL64Mm+PHf79m00btwYAFC3bl1oa2tjzJgxDExERET0UZAdmnJzc6GlpSU919DQgJ6eXqk0RURERFTeyL48J4TAwIEDoa2tDQDIysrCsGHDULFiRZW67du3l2yHREREROWA7NDk4eGh8rxfv34l3gwRERFReSU7NK1bt640+yAiIiIq10pkcksiIiKiDx1DExEREZEMDE1EREREMjA0EREREcnA0ERE79zjx48xevRoWFlZQVdXFy1atEBMTIxKzcCBA6FQKFQerq6uKjXW1tYFaubOnatSI4TAwoULUatWLWhra6NatWr4/vvvX9vfm8adPn16gfUKhaLAFCxLly6Fra0tdHV1YWFhgTFjxiArK6vI7YaHh0OhUKBy5coF6mJiYqTtvFqf/9DV1UWdOnXw008/vXb/iOjtyP70HBFRSRk0aBASEhLw66+/wtzcHL/99hucnZ1x4cIFVKtWTapzdXVV+eRu/jxxL5s5cyYGDx4sPdfX11dZP2rUKBw4cAALFy6Eg4MDUlJSkJKS8sYeXzfu+PHjMWzYMJX6Dh06oGnTptLzkJAQTJo0CWvXrkWLFi1w+fJlKQguXrz4tdvW19fHjh070Lt3b2nZL7/8AktLS9y8ebNAfWJiIpRKJTIzM7Fnzx4MHz4cNWrUQIcOHd64n0QkH0MTEb1TmZmZ2LZtG3bt2oU2bdoAeHHmZs+ePQgMDMR3330n1Wpra8PU1PS14+nr6xdZc/HiRQQGBiIhIQG2trYAABsbG1l9vm5cPT09lW9EOHPmDC5cuIDVq1dLyyIjI9GyZUv06dMHwIuzV71798apU6feuG0PDw+sXbtWCk2ZmZnYtGkTRo4ciVmzZhWoNzY2RqVKlQAAI0eOxPLlyxEXF8fQRFTCyvTy3PHjx9GlSxeYm5tDoVBg586dKuuFEJg2bRrMzMygq6sLZ2dnXLlyRaUmJSUFffv2hVKpRKVKleDt7Y0nT56o1Jw9exatW7eGjo4OLCwsMH/+/AK9bN26FbVr14aOjg4cHBywb9++Et9fIgKeP3+O3Nxc6OjoqCzX1dXFiRMnVJaFh4fD2NgYtra2GD58OP79998C482dOxdVq1ZFw4YNsWDBAjx//lxat2fPHnzyyScIDQ2FjY0NrK2tMWjQIFlnml437qvWrFmDWrVqoXXr1tKyFi1aIDY2FtHR0QCAa9euYd++fejUqdMbt92/f39ERERIZ5W2bdsGa2trNGrU6LWvE0IgLCwMN2/ehKOj4xu3Q0TFU6ahKSMjA/Xr18fKlSsLXT9//nwsX74cq1evxqlTp1CxYkW4uLioXOvv27cvzp8/j4MHDyI0NBTHjx/HkCFDpPXp6eno2LEjrKysEBsbiwULFmD69Okq1/wjIyPRu3dveHt746+//kL37t3RvXt3JCQklN7OE32k9PX14eTkhFmzZuHu3bvIzc3Fb7/9hqioKNy7d0+qc3V1xYYNG3D48GHMmzcPx44dg5ubG3Jzc6WakSNHYtOmTTh69CiGDh2K2bNnY8KECdL6a9eu4e+//8bWrVuxYcMGBAUFITY2Fl9++eVre3zTuC/LyspCcHAwvL29VZb36dMHM2fORKtWraCpqYkaNWqgXbt2+Pbbb9/4HhkbG8PNzQ1BQUEAgLVr18LLy6vI+urVq0NPTw9aWlpwd3dHQECAdBaPiEqOQgghyroJAFAoFNixYwe6d+8O4MW/mMzNzTFu3DiMHz8eAJCWlgYTExMEBQWhV69euHjxIuzt7RETE4MmTZoAAMLCwtCpUyfcvn0b5ubmCAwMxOTJk5GcnCx94fCkSZOwc+dOXLp0CQDwzTffICMjA6GhoVI/zZs3R4MGDVROt79Oeno6DAwMkJaWBqVSWVJvi8R60t4SH5PeLzfmupd1CyUmKSkJXl5eOH78ONTV1dGoUSPUqlULsbGxuHjxYqGvuXbtGmrUqIFDhw4Vedlp7dq1GDp0KJ48eQJtbW0MGTIEP//8MxITE1GrVi0AQFxcHBo3boxLly5Jl+ze5NVxX7Zx40YMGDAAt2/fhomJibQ8PDwcvXr1wnfffQdHR0dcvXoVo0aNwuDBgzF16tRCtxMeHo727dvj0aNHiIiIwKhRo3Do0CHUqVMHt2/fRkREBL744gvk/9jOr4+Li4O+vj6ys7MRHR0NX19fLFy4EMOHD5e1f0Qfs+L8/i63n567fv06kpOT4ezsLC0zMDCAo6MjoqKiAABRUVGoVKmSFJgAwNnZGWpqatJ9A1FRUWjTpo0UmADAxcUFiYmJePTokVTz8nbya/K3U5js7Gykp6erPIhInho1auDYsWN48uQJbt26hejoaOTk5OCTTz4p8jWffPIJDA0NcfXq1SJrHB0d8fz5c9y4cQMAYGZmBg0NDSkwAYCdnR0AFHpDtdxxX7ZmzRp07txZJTABwNSpU9G/f38MGjQIDg4O+OKLLzB79mzMmTMHeXl5b9ymm5sbMjMz4e3tjS5duqBq1apF1trY2KBmzZqoU6cOPD090b9//zd+QpCIiq/chqbk5GQAKPCDyMTERFqXnJwMY2NjlfUaGhqoUqWKSk1hY7y8jaJq8tcXZs6cOTAwMJAeFhYWxd1Foo9exYoVYWZmhkePHmH//v3o1q1bkbW3b9/Gv//+CzMzsyJr4uPjoaamJv1caNmyJZ4/f46kpCSp5vLlywAAKysr2X2+Om6+69ev4+jRowUuzQHA06dPoaam+iNWXV0dACDnBL+GhgYGDBiA8PDw116aK4y6ujoyMzOL9RoiejN+eu4t+fv7Y+zYsdLz9PR0Bicimfbv3w8hBGxtbXH16lX4+fmhdu3a8PT0BAA8efIEM2bMQM+ePWFqaoqkpCRMmDABNWvWhIuLC4AXZ4hPnTqF9u3bQ19fH1FRURgzZgz69euHypUrA3hx5rlRo0bw8vLC0qVLkZeXBx8fH3z++efS2afo6GgMGDAAhw8fRrVq1WSNm2/t2rUwMzODm5tbgX3s0qULFi9ejIYNG0qX56ZOnYouXbpI4elNZs2aBT8/v9eeZQKABw8eICsrS7o89+uvv77xvi0iKr5yG5ryP+p7//59lX9Z3r9/Hw0aNJBqHjx4oPK658+fIyUlRXq9qakp7t+/r1KT//xNNa/7qLO2tnahc8YQ0ZulpaXB398ft2/fRpUqVdCzZ098//330NTUBPDiTMnZs2exfv16pKamwtzcHB07dsSsWbOkv3fa2trYtGkTpk+fjuzsbNjY2GDMmDEq/5hRU1PDnj17MGLECLRp0wYVK1aEm5sbFi1aJNU8ffoUiYmJyMnJkT0uAOTl5SEoKAgDBw4sNARNmTIFCoUCU6ZMwZ07d2BkZIQuXboU67KZlpYWDA0N31iXf2+WhoYGLCwsMHToUEyfPl32dohInnJ/I/j48eMxbtw4AC/O5hgbGxe4Efz06dNo3LgxAODAgQNwdXUtcCP4/fv3pR/I3377LbZv365yI/jTp0+xZ88eqZ8WLVqgXr16vBGcyo0P6UZwIqLy4r25EfzJkyeIj49HfHw8gBf3B8THx+PmzZtQKBQYPXo0vvvuO+zevRvnzp3DgAEDYG5uLgUrOzs7uLq6YvDgwYiOjsaff/4JX19f9OrVC+bm5gBefOxXS0sL3t7eOH/+PDZv3oxly5ap/Ktx1KhRCAsLw6JFi3Dp0iVMnz4dp0+fhq+v77t+S4iIiKicKtPLc6dPn0b79u2l5/lBxsPDA0FBQZgwYQIyMjIwZMgQpKamolWrVggLC1OZFC84OBi+vr7o0KED1NTU0LNnTyxfvlxab2BggAMHDsDHxweNGzeGoaEhpk2bpjKXU4sWLRASEoIpU6bg22+/xaeffoqdO3eibt267+BdIHo/8Gwn8WwnfezKzeW59x0vz1FpK+tfWDwGqayPQaLS8N5cniMiIiJ6XzA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERF9lO7cuYN+/fqhatWq0NXVhYODA06fPg0AyMnJwcSJE+Hg4ICKFSvC3NwcAwYMwN27d1XGSElJQd++faFUKlGpUiV4e3vjyZMnKjVCCCxcuBC1atWCtrY2qlWrhu+///61vXXt2hWWlpbQ0dGBmZkZ+vfvr7Lt8PBwdOvWDWZmZqhYsSIaNGiA4ODgAuMsXboUtra20NXVhYWFBcaMGYOsrKwitxseHg6FQoHKlSsXqIuJiYFCoYBCoShQn//Q1dVFnTp18NNPP712/95XDE1ERPTRefToEVq2bAlNTU388ccfuHDhAhYtWoTKlSsDAJ4+fYq4uDhMnToVcXFx2L59OxITE9G1a1eVcfr27Yvz58/j4MGDCA0NxfHjxzFkyBCVmlGjRmHNmjVYuHAhLl26hN27d6NZs2av7a99+/bYsmULEhMTsW3bNiQlJeHLL7+U1kdGRqJevXrYtm0bzp49C09PTwwYMAChoaFSTUhICCZNmoSAgABcvHgRv/zyCzZv3oxvv/32je+Pvr4+duzYobLsl19+gaWlZaH1iYmJuHfvHi5cuIChQ4di+PDhOHz48Bu3875RCCFEWTfxIUhPT4eBgQHS0tKgVCpLfHzrSXtLfEx6v9yY616m2+cxSGV9DJakSZMm4c8//0RERITs18TExKBZs2b4+++/YWlpiYsXL8Le3h4xMTFo0qQJACAsLAydOnXC7du3YW5ujosXL6JevXpISEiAra3tW/e7e/dudO/eHdnZ2dDU1Cy0xt3dHSYmJli7di0AwNfXFxcvXlQJL+PGjcOpU6dw4sSJQscIDw9H+/btMWXKFJw8eRIHDx4EAGRmZsLMzAwjR47ErFmzkB8d8usfPXqESpUqSePUrFkTQ4cOhZ+f31vv87tSnN/fPNNEREQfnd27d6NJkyb46quvYGxsjIYNG+Lnn39+7WvS0tKgUCikcBAVFYVKlSpJgQkAnJ2doaamhlOnTgEA9uzZg08++QShoaGwsbGBtbU1Bg0ahJSUFNm9pqSkIDg4GC1atCgyMOX3V6VKFel5ixYtEBsbi+joaADAtWvXsG/fPnTq1OmN2+zfvz8iIiJw8+ZNAMC2bdtgbW2NRo0avfZ1QgiEhYXh5s2bcHR0lLN77xWGJiIi+uhcu3YNgYGB+PTTT7F//34MHz4cI0eOxPr16wutz8rKwsSJE9G7d2/pbERycjKMjY1V6jQ0NFClShUkJydL2/n777+xdetWbNiwAUFBQYiNjVW51FaUiRMnomLFiqhatSpu3ryJXbt2FVm7ZcsWxMTEwNPTU1rWp08fzJw5E61atYKmpiZq1KiBdu3aybo8Z2xsDDc3NwQFBQEA1q5dCy8vryLrq1evDj09PWhpacHd3R0BAQFo06bNG7fzvmFoIiKij05eXh4aNWqE2bNno2HDhhgyZAgGDx6M1atXF6jNycnB119/DSEEAgMDi72d7OxsbNiwAa1bt0a7du3wyy+/4OjRo0hMTHzta/38/PDXX3/hwIEDUFdXx4ABA1DYHTVHjx6Fp6cnfv75Z9SpU0daHh4ejtmzZ2PVqlXSfVl79+7FrFmzZPXu5eWFoKAgXLt2DVFRUejbt2+RtREREYiPj0d8fDzWrFmD2bNnF/u9eh9olHUDRERE75qZmRns7e1VltnZ2WHbtm0qy/ID099//40jR46o3PNiamqKBw8eqNQ/f/4cKSkpMDU1lbajoaGBWrVqqWwHAG7evPna+5wMDQ1haGiIWrVqwc7ODhYWFjh58iScnJykmmPHjqFLly5YsmQJBgwYoPL6qVOnon///hg0aBAAwMHBARkZGRgyZAgmT54MNbXXnzdxc3PDkCFD4O3tjS5duqBq1apF1trY2EiXLevUqYNTp07h+++/x/Dhw1+7jfcNzzQREdFHp2XLlgXO9Fy+fBlWVlbS8/zAdOXKFRw6dKhAaHByckJqaipiY2OlZUeOHEFeXp50P0/Lli3x/PlzJCUlqWwHgMq23iQvLw8AkJ2dLS0LDw+Hu7s75s2bV+ATe8CLTwC+GozU1dUBoNAzVq/S0NDAgAEDEB4e/tpLc4VRV1dHZmZmsV7zPuCZJiIi+uiMGTMGLVq0wOzZs/H1118jOjoaP/30kzS/UE5ODr788kvExcUhNDQUubm50n1KVapUgZaWFuzs7ODq6ipd1svJyYGvry969eoFc3NzAC9uDG/UqBG8vLywdOlS5OXlwcfHB59//rl09ik6OhoDBgzA4cOHUa1aNZw6dQoxMTFo1aoVKleujKSkJEydOhU1atSQzjIdPXoUnTt3xqhRo9CzZ0+pNy0tLelm8C5dumDx4sVo2LAhHB0dcfXqVUydOhVdunSRwtObzJo1C35+fq89ywQADx48QFZWFrKzsxEdHY1ff/1V1n1b7xuGJiIi+ug0bdoUO3bsgL+/P2bOnAkbGxssXbpUum/nzp072L17NwCgQYMGKq89evQo2rVrBwAIDg6Gr68vOnToADU1NfTs2RPLly+XatXU1LBnzx6MGDECbdq0QcWKFeHm5oZFixZJNU+fPkViYiJycnIAABUqVMD27dsREBCAjIwMmJmZwdXVFVOmTIG2tjYAYP369Xj69CnmzJmDOXPmSGO1bdsW4eHhAIApU6ZAoVBgypQpuHPnDoyMjNClS5c3Tqz5Mi0tLRgaGr6xLv8yo4aGBiwsLDB06FBMnz5d9nbeF5ynqYRwniYqbWU9Rw6PQSrrY5CoNHCeJiIiIqISxstzRET0XuDZTirrs50800REREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEM5To0TZ8+HQqFQuVRu3ZtaX1WVhZ8fHxQtWpV6OnpoWfPnrh//77KGDdv3oS7uzsqVKgAY2Nj+Pn54fnz5yo14eHhaNSoEbS1tVGzZk0EBQW9i90jIiKi90i5Dk0AUKdOHdy7d096nDhxQlo3ZswY7NmzB1u3bsWxY8dw9+5d9OjRQ1qfm5sLd3d3PHv2DJGRkVi/fj2CgoIwbdo0qeb69etwd3dH+/btER8fj9GjR2PQoEHYv3//O91PIiIiKt/K/Rf2amhowNTUtMDytLQ0/PLLLwgJCcFnn30GAFi3bh3s7Oxw8uRJNG/eHAcOHMCFCxdw6NAhmJiYoEGDBpg1axYmTpyI6dOnQ0tLC6tXr4aNjQ0WLVoEALCzs8OJEyewZMkSuLi4vNN9JSIiovKr3J9punLlCszNzfHJJ5+gb9++uHnzJgAgNjYWOTk5cHZ2lmpr164NS0tLREVFAQCioqLg4OAAExMTqcbFxQXp6ek4f/68VPPyGPk1+WMUJTs7G+np6SoPIiIi+nCV69Dk6OiIoKAghIWFITAwENevX0fr1q3x+PFjJCcnQ0tLC5UqVVJ5jYmJCZKTkwEAycnJKoEpf33+utfVpKenIzMzs8je5syZAwMDA+lhYWHxX3eXiIiIyrFyfXnOzc1N+v969erB0dERVlZW2LJlC3R1dcuwM8Df3x9jx46VnqenpzM4ERERfcDK9ZmmV1WqVAm1atXC1atXYWpqimfPniE1NVWl5v79+9I9UKampgU+TZf//E01SqXytcFMW1sbSqVS5UFEREQfrvcqND158gRJSUkwMzND48aNoampicOHD0vrExMTcfPmTTg5OQEAnJyccO7cOTx48ECqOXjwIJRKJezt7aWal8fIr8kfg4iIiAgo56Fp/PjxOHbsGG7cuIHIyEh88cUXUFdXR+/evWFgYABvb2+MHTsWR48eRWxsLDw9PeHk5ITmzZsDADp27Ah7e3v0798fZ86cwf79+zFlyhT4+PhAW1sbADBs2DBcu3YNEyZMwKVLl7Bq1Sps2bIFY8aMKctdJyIionKmXN/TdPv2bfTu3Rv//vsvjIyM0KpVK5w8eRJGRkYAgCVLlkBNTQ09e/ZEdnY2XFxcsGrVKun16urqCA0NxfDhw+Hk5ISKFSvCw8MDM2fOlGpsbGywd+9ejBkzBsuWLUP16tWxZs0aTjdAREREKsp1aNq0adNr1+vo6GDlypVYuXJlkTVWVlbYt2/fa8dp164d/vrrr7fqkYiIiD4O5fryHBEREVF5wdBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJAND0ytWrlwJa2tr6OjowNHREdHR0WXdEhEREZUDDE0v2bx5M8aOHYuAgADExcWhfv36cHFxwYMHD8q6NSIiIipjDE0vWbx4MQYPHgxPT0/Y29tj9erVqFChAtauXVvWrREREVEZY2j6/549e4bY2Fg4OztLy9TU1ODs7IyoqKgy7IyIiIjKA42ybqC8+Oeff5CbmwsTExOV5SYmJrh06VKB+uzsbGRnZ0vP09LSAADp6eml0l9e9tNSGZfeH6V1bMnFY5B4DFJZK41jMH9MIcQbaxma3tKcOXMwY8aMAsstLCzKoBv6GBgsLesO6GPHY5DKWmkeg48fP4aBgcFraxia/j9DQ0Ooq6vj/v37Ksvv378PU1PTAvX+/v4YO3as9DwvLw8pKSmoWrUqFApFqff7MUlPT4eFhQVu3boFpVJZ1u3QR4jHIJU1HoOlRwiBx48fw9zc/I21DE3/n5aWFho3bozDhw+je/fuAF4EocOHD8PX17dAvba2NrS1tVWWVapU6R10+vFSKpX8YUFliscglTUeg6XjTWeY8jE0vWTs2LHw8PBAkyZN0KxZMyxduhQZGRnw9PQs69aIiIiojDE0veSbb77Bw4cPMW3aNCQnJ6NBgwYICwsrcHM4ERERfXwYml7h6+tb6OU4Kjva2toICAgocDmU6F3hMUhljcdg+aAQcj5jR0RERPSR4+SWRERERDIwNBERERHJwNBEREREJANDE72WEAJDhgxBlSpVoFAoEB8f/8bXKBQK7Ny5EwBw48YN2a97l8LDw6FQKJCamir7NdbW1li6dGmp9UQfj5f/jsgxcOBAaf44ov/qbX4ut2vXDqNHjy61nt4XDE30WmFhYQgKCkJoaCju3buHunXrlnVLRIV68uQJfH19Ub16dejq6sLe3h6rV68u67boIzVs2DAoFAr+Q+sDwykH6LWSkpJgZmaGFi1alHUrRK81duxYHDlyBL/99husra1x4MAB/O9//4O5uTm6du1a1u3RR2THjh04efKkrK/loPcLzzRRkQYOHIgRI0bg5s2bUCgUsLa2LvQSVYMGDTB9+vT/vL38S2b79+9Hw4YNoauri88++wwPHjzAH3/8ATs7OyiVSvTp0wdPn/7ft51nZ2dj5MiRMDY2ho6ODlq1aoWYmBiVsfft24datWpBV1cX7du3x40bNwps/8SJE2jdujV0dXVhYWGBkSNHIiMj4z/vF5WMjIwMDBgwAHp6ejAzM8OiRYtULhlERkbCw8MD7dq1g7W1NYYMGYL69esjOjpa1vgKhQI//vgjOnfujAoVKsDOzg5RUVG4evUq2rVrh4oVK6JFixZISkpSeV1gYCBq1KgBLS0t2Nra4tdff1VZf+XKFbRp0wY6Ojqwt7fHwYMHC2z71q1b+Prrr1GpUiVUqVIF3bp1K/QYpbL1pmMQAO7cuYMRI0YgODgYmpqassfOv2S2ZcsW6edQ06ZNcfnyZcTExKBJkybQ09ODm5sbHj58KL0uLy8PM2fORPXq1aGtrS1Nyvyy6OhoNGzYEDo6OmjSpAn++uuvAttPSEiAm5sb9PT0YGJigv79++Off/4p/pv0gWNooiItW7ZM+st47969AkGktEyfPh0rVqxAZGSk9Mtk6dKlCAkJwd69e3HgwAH88MMPUv2ECROwbds2rF+/HnFxcahZsyZcXFyQkpIC4MUvpB49eqBLly6Ij4/HoEGDMGnSJJVtJiUlwdXVFT179sTZs2exefNmnDhxghOdliN+fn44duwYdu3ahQMHDiA8PBxxcXHS+hYtWmD37t24c+cOhBA4evQoLl++jI4dO8rexqxZszBgwADEx8ejdu3a6NOnD4YOHQp/f3+cPn0aQgiVY2LHjh0YNWoUxo0bh4SEBAwdOhSenp44evQogBe/0Hr06AEtLS2cOnUKq1evxsSJE1W2mZOTAxcXF+jr6yMiIgJ//vkn9PT04OrqimfPnv3Hd41K0puOwby8PPTv3x9+fn6oU6fOW20jICAAU6ZMQVxcHDQ0NNCnTx9MmDABy5YtQ0REBK5evYpp06ZJ9cuWLcOiRYuwcOFCnD17Fi4uLujatSuuXLkC4MVl686dO8Pe3h6xsbGYPn06xo8fr7LN1NRUfPbZZ2jYsCFOnz6NsLAw3L9/H19//fVb7cMHTRC9xpIlS4SVlZX03MrKSixZskSlpn79+iIgIEB6DkDs2LFDCCHE9evXBQDx119/vXFbR48eFQDEoUOHpGVz5swRAERSUpK0bOjQocLFxUUIIcSTJ0+EpqamCA4OltY/e/ZMmJubi/nz5wshhPD39xf29vYq25o4caIAIB49eiSEEMLb21sMGTJEpSYiIkKoqamJzMzMIved3o3Hjx8LLS0tsWXLFmnZv//+K3R1dcWoUaOEEEJkZWWJAQMGCABCQ0NDaGlpifXr18veBgAxZcoU6XlUVJQAIH755Rdp2caNG4WOjo70vEWLFmLw4MEq43z11VeiU6dOQggh9u/fLzQ0NMSdO3ek9X/88YfK35Fff/1V2Nrairy8PKkmOztb6Orqiv379wshhPDw8BDdunWTvS9U8uQcg7Nnzxaff/659GdZnJ8Z+T8r16xZIy3buHGjACAOHz4sLZszZ46wtbWVnpubm4vvv/9eZaymTZuK//3vf0IIIX788UdRtWpV6eeYEEIEBgaq/FyeNWuW6Nixo8oYt27dEgBEYmKiEEKItm3bSvv5MeM9TVTu1KtXT/p/ExMTVKhQAZ988onKsvxLLklJScjJyUHLli2l9ZqammjWrBkuXrwIALh48SIcHR1VtuHk5KTy/MyZMzh79iyCg4OlZUII5OXl4fr167Czsyu5HaRiS0pKwrNnz1T+HKtUqQJbW1vp+Q8//ICTJ09i9+7dsLKywvHjx+Hj4wNzc3M4OzvL2s6rxx4AODg4qCzLyspCeno6lEolLl68iCFDhqiM0bJlSyxbtgzAi2PPwsJC5d6Wwo69q1evQl9fX2V5VlZWgUuBVHbedAzGxsZi2bJliIuLg0KheOvtyDkGHzx4AABIT0/H3bt3VX7+AS+OwTNnzgB4cQzWq1cPOjo60vrCjsGjR49CT0+vQD9JSUmoVavWW+/Ph4ahiYpFTU0N4pVv3snJySnRbbx8H4BCoShwX4BCoUBeXl6JbvPJkycYOnQoRo4cWWCdpaVliW6LSl5mZia+/fZb7NixA+7u7gBe/PKJj4/HwoULZYemV4+9opaV5PH35MkTNG7cWCWw5zMyMiqx7VDpioiIwIMHD1R+XuTm5mLcuHFYunSp7HvU5ByDpfHzr0uXLpg3b16BdWZmZiW6rfcd72miYjEyMsK9e/ek5+np6bh+/XqZ9ZN/A+6ff/4pLcvJyUFMTAzs7e0BAHZ2dgVuBj558qTK80aNGuHChQuoWbNmgYeWllbp7wi9Vo0aNaCpqYlTp05Jyx49eoTLly8DePFnnpOTAzU11R9p6urqJf4L5mV2dnYqxx4A/PnnnyrH3q1bt1T+zhR27F25cgXGxsYFjj0DA4NS652K503HYP/+/XH27FnEx8dLD3Nzc/j5+WH//v2l0pNSqYS5ufkbj8GzZ88iKytLWl/YMXj+/HlYW1sXOAYrVqxYKr2/rxiaqFg+++wz/Prrr4iIiMC5c+fg4eEBdXX1MuunYsWKGD58OPz8/BAWFoYLFy5g8ODBePr0Kby9vQG8mC/lypUr8PPzQ2JiIkJCQhAUFKQyzsSJExEZGQlfX1/Ex8fjypUr2LVrF28ELyf09PTg7e0NPz8/HDlyBAkJCRg4cKAUkpRKJdq2bQs/Pz+Eh4fj+vXrCAoKwoYNG/DFF1+UWl9+fn4ICgpCYGAgrly5gsWLF2P79u3SjbbOzs6oVasWPDw8cObMGURERGDy5MkqY/Tt2xeGhobo1q0bIiIicP36dYSHh2PkyJG4fft2qfVOxfOmY7Bq1aqoW7euykNTUxOmpqYql5FLmp+fH+bNm4fNmzcjMTERkyZNQnx8PEaNGgUA6NOnDxQKBQYPHowLFy5g3759WLhwocoYPj4+SElJQe/evRETE4OkpCTs378fnp6eyM3NLbXe30e8PEfF4u/vj+vXr6Nz584wMDDArFmzyvRMEwDMnTtX+tTK48eP0aRJE+zfvx+VK1cG8OLy2rZt2zBmzBj88MMPaNasGWbPng0vLy9pjHr16uHYsWOYPHkyWrduDSEEatSogW+++aasdotesWDBAukygr6+PsaNG4e0tDRp/aZNm+Dv74++ffsiJSUFVlZW+P777zFs2LBS66l79+5YtmwZFi5ciFGjRsHGxgbr1q1Du3btALy4nL1jxw54e3ujWbNmsLa2xvLly+Hq6iqNUaFCBRw/fhwTJ05Ejx498PjxY1SrVg0dOnSAUqkstd6p+N50DJaFkSNHIi0tDePGjcODBw9gb2+P3bt349NPPwXwIuzt2bMHw4YNQ8OGDWFvb4958+ahZ8+e0hj5Z6smTpyIjh07Ijs7G1ZWVnB1dS1w9vZjpxCv3qBCRPSeaNeuHRo0aMBZl6nM8Bj8uDBCEhEREcnA0ETvzLBhw6Cnp1foozQvoRAFBwcXeey97SSERMUxe/bsIo9BNze3sm6PZOLlOXpnHjx4gPT09ELXKZVKGBsbv+OO6GPx+PFj3L9/v9B1mpqasLKyescd0ccmJSVF+paCV+nq6qJatWrvuCN6GwxNRERERDLw8hwRERGRDAxNRERERDIwNBERERHJwNBERPSWwsPDoVAokJqaKvs11tbWnNOH6D3F0EREH6yBAwdCoVAUOqWFj48PFAoFBg4c+O4bI6L3EkMTEX3QLCwssGnTJmRmZkrLsrKyEBISovKN9EREb8LQREQftEaNGsHCwgLbt2+Xlm3fvh2WlpZo2LChtCw7OxsjR46EsbExdHR00KpVK8TExKiMtW/fPtSqVQu6urpo3749bty4UWB7J06cQOvWraGrqwsLCwuMHDkSGRkZpbZ/RPTuMDQR0QfPy8sL69atk56vXbsWnp6eKjUTJkzAtm3bsH79esTFxaFmzZpwcXGRJiS8desWevTogS5duiA+Ph6DBg3CpEmTVMZISkqCq6srevbsibNnz2Lz5s04ceIEfH19S38niajUMTQR0QevX79+OHHiBP7++2/8/fff+PPPP9GvXz9pfUZGBgIDA7FgwQK4ubnB3t4eP//8M3R1dfHLL78AAAIDA1GjRg0sWrQItra26Nu3b4H7oebMmYO+ffti9OjR+PTTT9GiRQssX74cGzZsQFZW1rvcZSIqBRpl3QARUWkzMjKCu7s7goKCIISAu7s7DA0NpfVJSUnIyclBy5YtpWWamppo1qwZLl68CAC4ePEiHB0dVcZ1cnJSeX7mzBmcPXsWwcHB0jIhBPLy8nD9+nXY2dmVxu4R0TvC0EREHwUvLy/pMtnKlStLZRtPnjzB0KFDMXLkyALreNM50fuPoYmIPgqurq549uwZFAoFXFxcVNbVqFEDWlpa+PPPP6Uv783JyUFMTAxGjx4NALCzs8Pu3btVXnfy5EmV540aNcKFCxdQs2bN0tsRIiozvKeJiD4K6urquHjxIi5cuAB1dXWVdRUrVsTw4cPh5+eHsLAwXLhwAYMHD8bTp0/h7e0NABg2bBiuXLkCPz8/JCYmIiQkBEFBQSrjTJw4EZGRkfD19UV8fDyuXLmCXbt28UZwog8EQxMRfTSUSiWUSmWh6+bOnYuePXuif//+aNSoEa5evYr9+/ejcuXKAF5cXtu2bRt27tyJ+vXrY/Xq1Zg9e7bKGPXq1cOxY8dw+fJltG7dGg0bNsS0adNgbm5e6vtGRKVPIYQQZd0EERERUXnHM01EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEM/w97pQUL8S7RTgAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "model_names = [\"full_model\", \"q8_model\", \"q4_model\"]\n", + "ram_sizes = [\n", + " get_model_size_ram(full_model),\n", + " get_model_size_ram(q8_model),\n", + " get_model_size_ram(q4_model),\n", + "]\n", + "\n", + "for model_name, ram_size in zip(model_names, ram_sizes):\n", + " print(f\"{model_name} memory usage: {ram_size/1024:.3f} GB\")\n", + "\n", + "plt.bar(model_names, ram_sizes)\n", + "plt.xlabel(\"Model\")\n", + "plt.ylabel(\"RAM Size (GB)\")\n", + "plt.title(\"Model Size in RAM\")\n", + "\n", + "# Add annotations at the top of the bar\n", + "for i, v in enumerate(ram_sizes):\n", + " plt.text(i, v, f\"{v/1024:.3f} GB\", ha=\"center\", va=\"bottom\")\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Size in Disk" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "full_model disk usage: 28967.044 MB\n", + "q8_model disk usage: 8947.219 MB\n", + "q4_model disk usage: 5434.158 MB\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAk0AAAHHCAYAAACiOWx7AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/OQEPoAAAACXBIWXMAAA9hAAAPYQGoP6dpAABdMUlEQVR4nO3deVhO+f8/8OfdHm3STiqMJbKTGNtoJMk6M3ZR1qmxTtbIMmOfwcyQjzHEjGxjD5GUNaI0JhEie7ZUSpLu9+8Pv87XrXAypeL5uK77mjnnvO73eZ0c3U/nnPschRBCgIiIiIjeSq2kGyAiIiIqCxiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoioxCgUCsyYMaPQ70tKSoJCoUBgYGCR9dK2bVu0bdu2yMaTw9bWFoMGDfqg63zdoEGDYGtrW6j3BAYGQqFQ4MyZM8XTFFEpxdBE9InL+wBUKBQ4duxYvuVCCFhbW0OhUKBz584l0OF/k5SUhMGDB6NatWrQ0dGBhYUFWrduDX9//5JurcjNmDFD+rNUKBQoV64cqlSpAnd3d6xZswbZ2dkl3SJRmaZR0g0QUemgo6ODoKAgfP755yrzDx8+jFu3bkFbW7uEOnt/V65cQdOmTaGrqwtPT0/Y2tri7t27iImJwfz58zFz5kyp9sCBAx+8v4SEBKipFf2/XQMCAqCnp4fs7Gzcvn0b+/fvh6enJ5YsWYLg4GBYW1tLtb///juUSmWR90D0MWJoIiIAQKdOnbBlyxb88ssv0ND4v18NQUFBaNy4MR4+fFiC3b2fxYsXIyMjA7GxsbCxsVFZdv/+fZVpLS2tD9kaABRbEP3qq69gYmIiTU+fPh3r16/HwIED8fXXX+PkyZPSMk1NzWLpgehjxNNzRAQA6NOnDx49eoTQ0FBp3vPnz/H333+jb9++Bb4nMzMT48ePh7W1NbS1tVGzZk0sWrQIQgiVuuzsbIwdOxampqbQ19dHly5dcOvWrQLHvH37Njw9PWFubg5tbW3UqVMHq1evfq9tSkxMROXKlfMFJgAwMzNTmX79miZbW1uVU12vviIiIoqk39evaco7VXr8+HGMGzcOpqamKF++PLp3744HDx4Uattf169fPwwZMgSnTp1S+TMu6JqmjRs3onHjxtDX14eBgQEcHBywdOnSt47/+PFjNGvWDJUrV0ZCQsJ/6pWotOKRJiIC8PID3MnJCRs2bICrqysAYN++fUhLS0Pv3r3xyy+/qNQLIdClSxeEh4fDy8sLDRo0wP79++Hr64vbt29j8eLFUu2QIUPw119/oW/fvmjRogUOHToENze3fD3cu3cPzZs3h0KhgI+PD0xNTbFv3z54eXkhPT0dY8aMKdQ22djY4ODBgzh06BC++OKLQr13yZIlyMjIUJm3ePFixMbGomLFisXSb57vvvsOFSpUgL+/P5KSkrBkyRL4+Phg06ZN7zVengEDBmDlypU4cOAAvvzyywJrQkND0adPH7Rv3x7z588HAFy4cAHHjx/H6NGjC3zPw4cP8eWXXyIlJQWHDx9GtWrV/lOfRKWWIKJP2po1awQAcfr0afHbb78JfX198fTpUyGEEF9//bVo166dEEIIGxsb4ebmJr1vx44dAoD44YcfVMb76quvhEKhEFeuXBFCCBEbGysAiG+//Valrm/fvgKA8Pf3l+Z5eXkJS0tL8fDhQ5Xa3r17C0NDQ6mva9euCQBizZo1b922uLg4oaurKwCIBg0aiNGjR4sdO3aIzMzMfLVt2rQRbdq0eeNYmzdvFgDErFmzCt3vm9jY2AgPDw9pOu/PwtnZWSiVSmn+2LFjhbq6ukhNTX3reP7+/gKAePDgQYHLHz9+LACI7t27S/M8PDyEjY2NND169GhhYGAgXrx48cb1vLrP3L17V9SpU0dUrVpVJCUlvbU/orKOp+eISPLNN98gKysLwcHBePLkCYKDg994am7v3r1QV1fHqFGjVOaPHz8eQgjs27dPqgOQr+71ozBCCGzduhXu7u4QQuDhw4fSy8XFBWlpaYiJiSnU9tSpUwexsbHo378/kpKSsHTpUnTr1g3m5ub4/fffZY8THx8PT09PdO3aFX5+fsXWb55hw4ZBoVBI061atUJubi6uX7/+XuPl0dPTAwA8efLkjTVGRkbIzMxUOYX3Jrdu3UKbNm2Qk5ODI0eOFHgalOhjwtNzRCQxNTWFs7MzgoKC8PTpU+Tm5uKrr74qsPb69euwsrKCvr6+yvzatWtLy/P+q6amlu+UTc2aNVWmHzx4gNTUVKxcuRIrV64scJ2vX7wtR40aNfDnn38iNzcX8fHxCA4OxoIFCzBs2DDY2dnB2dn5re9PT09Hjx49UKlSJaxbt04KM8XVLwBUqVJFZbpChQoAXl439F/knW58/c/sVd9++y02b94MV1dXVKpUCR06dMA333yDjh075qsdMGAANDQ0cOHCBVhYWPyn3ojKAoYmIlLRt29fDB06FMnJyXB1dYWRkdEHWW/e19779+8PDw+PAmvq1av33uOrq6vDwcEBDg4OcHJyQrt27bB+/fp3hqZBgwbhzp07iIqKgoGBwQfpV11dvcD54rUL7AsrLi4OAFC9evU31piZmSE2Nhb79+/Hvn37sG/fPqxZswYDBw7E2rVrVWp79OiBdevWYenSpZg7d+5/6o2oLGBoIiIV3bt3x/Dhw3Hy5Mm3Xnicd5H1kydPVI5cXLx4UVqe91+lUonExESVo0uvf8Mq75t1ubm57wwy/1WTJk0AAHfv3n1r3bx587Bjxw5s27YNtWrVUln2IfstKn/++ScAwMXF5a11WlpacHd3h7u7O5RKJb799lv873//w7Rp01QC13fffYfq1atj+vTpMDQ0xKRJk4q1f6KSxmuaiEiFnp4eAgICMGPGDLi7u7+xrlOnTsjNzcVvv/2mMn/x4sVQKBTSN/Dy/vv6t++WLFmiMq2uro6ePXti69at0hGRV73PV+6PHj2KnJycfPPzrrN6/RThqw4ePAg/Pz9MnToV3bp1y7e8OPotTkFBQVi1ahWcnJzQvn37N9Y9evRIZVpNTU06YlbQHcWnTZuG77//HpMnT0ZAQEDRNk1UyvBIExHl86bTTa9yd3dHu3btMHXqVCQlJaF+/fo4cOAAdu7ciTFjxkjXMDVo0AB9+vTB8uXLkZaWhhYtWiAsLAxXrlzJN+a8efMQHh4OR0dHDB06FPb29khJSUFMTAwOHjyIlJSUQm3H/PnzER0djR49ekgf/DExMVi3bh2MjY3fekuAPn36wNTUFJ999hn++usvlWVffvklzM3Ni7zfovL3339DT08Pz58/l+4Ifvz4cdSvXx9btmx563uHDBmClJQUfPHFF6hcuTKuX7+OX3/9FQ0aNJCuV3vdwoULkZaWBm9vb+jr66N///7FsVlEJY6hiYjei5qaGnbt2oXp06dj06ZNWLNmDWxtbbFw4UKMHz9epXb16tUwNTXF+vXrsWPHDnzxxRfYs2ePyuM8AMDc3BxRUVGYNWsWtm3bhuXLl6NixYqoU6eOdM+gwpgyZQqCgoJw+PBhrF+/Hk+fPoWlpSV69+6NadOmwc7O7o3vzbsDekEBMjw8HObm5kXeb1EZOXIkgJePxjExMUGDBg2wevVq9O3b9513Ie/fvz9WrlyJ5cuXIzU1FRYWFujVqxdmzJjx1ke+rFixAhkZGRg8eDD09fXRtWvXIt0motJAIf7rlYVEREREnwBe00REREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDLxPUxFRKpW4c+cO9PX1VZ5OTkRERKWXEAJPnjyBlZXVW+9FBjA0FZk7d+7ku1EfERERlQ03b95E5cqV31pToqEpICAAAQEBSEpKAgDUqVMH06dPl55V9ezZM4wfPx4bN25EdnY2XFxcsHz5cpibm0tj3LhxAyNHjkR4eDj09PTg4eGBuXPnQkPj/zYtIiIC48aNw/nz52FtbQ0/Pz8MGjRIpZdly5Zh4cKFSE5ORv369fHrr7+iWbNmsrcl74GlN2/eVHkSOhEREZVe6enpsLa2Vnnw+JuUaGiqXLky5s2bh88++wxCCKxduxZdu3bF2bNnUadOHYwdOxZ79uzBli1bYGhoCB8fH/To0QPHjx8HAOTm5sLNzQ0WFhY4ceIE7t69i4EDB0JTUxNz5swBAFy7dg1ubm4YMWIE1q9fj7CwMAwZMgSWlpbSk743bdqEcePGYcWKFXB0dMSSJUvg4uKChIQEmJmZydqWvFNyBgYGDE1ERERljKxLa0QpU6FCBbFq1SqRmpoqNDU1xZYtW6RlFy5cEABEZGSkEEKIvXv3CjU1NZGcnCzVBAQECAMDA5GdnS2EEGLChAmiTp06Kuvo1auXcHFxkaabNWsmvL29penc3FxhZWUl5s6dK7vvtLQ0AUCkpaUVboOJiIioxBTm87vUfHsuNzcXGzduRGZmJpycnBAdHY2cnBw4OztLNbVq1UKVKlUQGRkJAIiMjISDg4PK6ToXFxekp6fj/PnzUs2rY+TV5I3x/PlzREdHq9SoqanB2dlZqilIdnY20tPTVV5ERET08Srx0PTvv/9CT08P2traGDFiBLZv3w57e3skJydDS0sLRkZGKvXm5uZITk4GACQnJ6sEprzlecveVpOeno6srCw8fPgQubm5BdbkjVGQuXPnwtDQUHrxInAiIqKPW4mHppo1ayI2NhanTp3CyJEj4eHhgfj4+JJu650mT56MtLQ06XXz5s2SbomIiIiKUYnfckBLSwvVq1cHADRu3BinT5/G0qVL0atXLzx//hypqakqR5vu3bsHCwsLAICFhQWioqJUxrt37560LO+/efNerTEwMICuri7U1dWhrq5eYE3eGAXR1taGtrb2+200ERERlTklfqTpdUqlEtnZ2WjcuDE0NTURFhYmLUtISMCNGzfg5OQEAHBycsK///6L+/fvSzWhoaEwMDCAvb29VPPqGHk1eWNoaWmhcePGKjVKpRJhYWFSDREREVGJfntu0qRJ4vDhw+LatWvi3LlzYtKkSUKhUIgDBw4IIYQYMWKEqFKlijh06JA4c+aMcHJyEk5OTtL7X7x4IerWrSs6dOggYmNjRUhIiDA1NRWTJ0+Waq5evSrKlSsnfH19xYULF8SyZcuEurq6CAkJkWo2btwotLW1RWBgoIiPjxfDhg0TRkZGKt/Ke5fS/O25OXPmiCZNmgg9PT1hamoqunbtKi5evKhSc/fuXdG/f39hbm4uypUrJxo2bCj+/vvvfGMFBweLZs2aCR0dHWFkZCS6du1a4DofPnwoKlWqJACIx48fqyz77bffRK1atYSOjo6oUaOGWLt27Tu34fr166JTp05CV1dXmJqaiu+//17k5ORIy7du3SqcnZ2FiYmJ0NfXF82bN1f5MxZCiOXLlwsHBwehr68v1ezdu/et6/X39xcAVL5tmWfBggUCgGjTpk2++ryXgYGB+Pzzz0VERMQ7t5GIiD68wnx+l2ho8vT0FDY2NkJLS0uYmpqK9u3bS4FJCCGysrLEt99+KypUqCDKlSsnunfvLu7evasyRlJSknB1dRW6urrCxMREjB8/XuXDVAghwsPDRYMGDYSWlpaoWrWqWLNmTb5efv31V1GlShWhpaUlmjVrJk6ePFmobSnNocnFxUWsWbNGxMXFidjYWNGpUydRpUoVkZGRIdV8+eWXomnTpuLUqVMiMTFRzJ49W6ipqYmYmBip5u+//xYVKlQQAQEBIiEhQZw/f15s2rSpwHV27dpVuLq65gtNy5cvF/r6+mLjxo0iMTFRbNiwQejp6Yldu3a9sf+8cOzs7CzOnj0r9u7dK0xMTFTC8ejRo8X8+fNFVFSUuHTpkpg8ebLQ1NRU6X/Xrl1iz5494tKlSyIhIUFMmTJFaGpqiri4uDeu29/fX1haWgotLS1x8+ZNlWW1atUSVapUyRea6tSpI+7evSvu3r0rzp8/LwYPHiz09PREamrqG9dDREQlo8yEpo9JaQ5Nr7t//74AIA4fPizNK1++vFi3bp1KnbGxsfj999+FEELk5OSISpUqiVWrVr1z/OXLl4s2bdqIsLCwfKHJyclJfP/99yr148aNEy1btnzjeHLux1UQe3t7MXPmzLf2mndfsDfx9/cX9evXF507dxY//PCDNP/48ePCxMREjBw5Ml9oql+/vsoYN2/eFABEVFTUW3shIqIPr0zep4k+nLS0NACAsbGxNK9FixbYtGkTUlJSoFQqsXHjRjx79gxt27YFAMTExOD27dtQU1NDw4YNYWlpCVdXV8TFxamMHR8fj1mzZmHdunUFPvgwOzsbOjo6KvN0dXURFRWFnJycAvuVcz+u1ymVSjx58kRlG1/1+n3B3sXT0xOBgYHS9OrVq9GvXz9oaWm99X3Z2dlYs2YNjIyMULNmzXeuh4iISi+Gpk+MUqnEmDFj0LJlS9StW1eav3nzZuTk5KBixYrQ1tbG8OHDsX37dumbjVevXgUAzJgxA35+fggODkaFChXQtm1bpKSkAHgZEPr06YOFCxeiSpUqBa7fxcUFq1atQnR0NIQQOHPmDFatWoWcnBw8fPiwwPfIuR/X6xYtWoSMjAx88803KvPfdF+wd+ncuTPS09Nx5MgRZGZmYvPmzfD09CywNm8denp60NXVxaJFi7BhwwY+XoeIqIwr8VsO0Ifl7e2NuLg4HDt2TGX+tGnTkJqaioMHD8LExAQ7duzAN998g6NHj8LBwQFKpRIAMHXqVPTs2RMAsGbNGlSuXBlbtmzB8OHDMXnyZNSuXRv9+/d/4/qnTZuG5ORkNG/eHEIImJubw8PDAwsWLCjwyNT7CAoKwsyZM7Fz5858zw7Muy9YWloa/v77b3h4eODw4cPvDE6ampro378/1qxZg6tXr6JGjRqoV69egbU1a9bErl27AABPnjzBpk2b8PXXXyM8PBxNmjQpkm0kIqIPj0eaPiE+Pj4IDg5GeHg4KleuLM1PTEzEb7/9htWrV6N9+/aoX78+/P390aRJEyxbtgwAYGlpCQAq4UJbWxtVq1bFjRs3AACHDh3Cli1boKGhAQ0NDbRv3x4AYGJiAn9/fwAvT8WtXr0aT58+RVJSEm7cuAFbW1vo6+vD1NS0wL7fdK+tvGWv2rhxI4YMGYLNmzfne3wO8H/3BWvcuDHmzp2L+vXrY+nSpbJ+fp6entiyZQuWLVv2xqNMr66jevXqaNiwIebNm4dKlSphyZIlstZDRESlE0PTJ0AIAR8fH2zfvh2HDh2CnZ2dyvKnT58CQL4jPerq6tIRpsaNG0NbWxsJCQnS8pycHCQlJcHGxgYAsHXrVvzzzz+IjY1FbGwsVq1aBQA4evQovL29VcbW1NRE5cqVoa6ujo0bN6Jz585vPNIk535cALBhwwYMHjwYGzZsgJubm6yfTd59weSoU6cO6tSpg7i4OPTt21fWe/Koq6sjKyurUO8hIqLShafnPgHe3t4ICgrCzp07oa+vL10HZGhoCF1dXdSqVQvVq1fH8OHDsWjRIlSsWBE7duxAaGgogoODAQAGBgYYMWIE/P39YW1tDRsbGyxcuBAA8PXXXwMAqlWrprLevGuUateuLd3V/dKlS4iKioKjoyMeP36Mn3/+GXFxcVi7dq30vu3bt2Py5Mm4ePEiAKBDhw6wt7fHgAEDsGDBAiQnJ8PPzw/e3t7SXdmDgoLg4eGBpUuXwtHRUdpGXV1dGBoaAnj56BtXV1dUqVIFT548QVBQECIiIrB//37ZP8tDhw4hJycn3zMRX/XixQtp/Xmn5+Lj4zFx4kTZ6yEiotJHIYQQJd3ExyA9PR2GhoZIS0srlgt+bSftee/3Xp/fucD5FTuNgZ7Dy1NYOSm3kXp4LZ7diofIyYKGkSUMmvWAXt0vpHqR+wKph9ci43w4xItsaFvWRIX2Q6FlalPg+M9unMO9DVNgPXoj1HT0Xq7n4U082L0QL1JuA2rq0LGphwptBkGz4v+dLsz49yAe7V0Cm4nB0rwXaffx6MAyZN+Ig0JTG3p128Oo7SAo1NQBAMlBk5B9U/WbfABQvm57mLiNBQA83LsUz67/g9zMFKhpl4eWqS0MHL+Crl3DN/7sUo+tx9PLJ2E1+NcCl6ccXInn96/Cou88qT7t+AZpuUJTGxpGltBv2An6DTu9cT1yJM2Td/SMiIjkK8znN0NTESnNoYk+DgxNRERFrzCf37ymiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZSjQ0zZ07F02bNoW+vj7MzMzQrVs3JCQkqNS0bdsWCoVC5TVixAiVmhs3bsDNzQ3lypWDmZkZfH198eLFC5WaiIgINGrUCNra2qhevToCAwPz9bNs2TLY2tpCR0cHjo6OiIqKKvJtJiIiorKpREPT4cOH4e3tjZMnTyI0NBQ5OTno0KEDMjMzVeqGDh2Ku3fvSq8FCxZIy3Jzc+Hm5obnz5/jxIkTWLt2LQIDAzF9+nSp5tq1a3Bzc0O7du0QGxuLMWPGYMiQIdi/f79Us2nTJowbNw7+/v6IiYlB/fr14eLigvv37xf/D4KIiIhKPYUQQpR0E3kePHgAMzMzHD58GK1btwbw8khTgwYNsGTJkgLfs2/fPnTu3Bl37tyBubk5AGDFihWYOHEiHjx4AC0tLUycOBF79uxBXFyc9L7evXsjNTUVISEhAABHR0c0bdoUv/32GwBAqVTC2toa3333HSZNmvTO3tPT02FoaIi0tDQYGBj8lx9DgWwn7SnyMalsSZrnVtItEBF9dArz+V2qrmlKS0sDABgbG6vMX79+PUxMTFC3bl1MnjwZT58+lZZFRkbCwcFBCkwA4OLigvT0dJw/f16qcXZ2VhnTxcUFkZGRAIDnz58jOjpapUZNTQ3Ozs5Szeuys7ORnp6u8iIiIqKPl0ZJN5BHqVRizJgxaNmyJerWrSvN79u3L2xsbGBlZYVz585h4sSJSEhIwLZt2wAAycnJKoEJgDSdnJz81pr09HRkZWXh8ePHyM3NLbDm4sWLBfY7d+5czJw5879tNBEREZUZpSY0eXt7Iy4uDseOHVOZP2zYMOn/HRwcYGlpifbt2yMxMRHVqlX70G1KJk+ejHHjxknT6enpsLa2LrF+iIiIqHiVitDk4+OD4OBgHDlyBJUrV35rraOjIwDgypUrqFatGiwsLPJ9y+3evXsAAAsLC+m/efNerTEwMICuri7U1dWhrq5eYE3eGK/T1taGtra2/I0kIiKiMq1Er2kSQsDHxwfbt2/HoUOHYGdn9873xMbGAgAsLS0BAE5OTvj3339VvuUWGhoKAwMD2NvbSzVhYWEq44SGhsLJyQkAoKWlhcaNG6vUKJVKhIWFSTVERET0aSvRI03e3t4ICgrCzp07oa+vL12DZGhoCF1dXSQmJiIoKAidOnVCxYoVce7cOYwdOxatW7dGvXr1AAAdOnSAvb09BgwYgAULFiA5ORl+fn7w9vaWjgSNGDECv/32GyZMmABPT08cOnQImzdvxp49//eNtHHjxsHDwwNNmjRBs2bNsGTJEmRmZmLw4MEf/gdDREREpU6JhqaAgAAAL28r8Ko1a9Zg0KBB0NLSwsGDB6UAY21tjZ49e8LPz0+qVVdXR3BwMEaOHAknJyeUL18eHh4emDVrllRjZ2eHPXv2YOzYsVi6dCkqV66MVatWwcXFRarp1asXHjx4gOnTpyM5ORkNGjRASEhIvovDiYiI6NNUqu7TVJbxPk1U3HifJiKioldm79NEREREVFoxNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDKUaGiaO3cumjZtCn19fZiZmaFbt25ISEhQqXn27Bm8vb1RsWJF6OnpoWfPnrh3755KzY0bN+Dm5oZy5crBzMwMvr6+ePHihUpNREQEGjVqBG1tbVSvXh2BgYH5+lm2bBlsbW2ho6MDR0dHREVFFfk2ExERUdlUoqHp8OHD8Pb2xsmTJxEaGoqcnBx06NABmZmZUs3YsWOxe/dubNmyBYcPH8adO3fQo0cPaXlubi7c3Nzw/PlznDhxAmvXrkVgYCCmT58u1Vy7dg1ubm5o164dYmNjMWbMGAwZMgT79++XajZt2oRx48bB398fMTExqF+/PlxcXHD//v0P88MgIiKiUk0hhBAl3USeBw8ewMzMDIcPH0br1q2RlpYGU1NTBAUF4auvvgIAXLx4EbVr10ZkZCSaN2+Offv2oXPnzrhz5w7Mzc0BACtWrMDEiRPx4MEDaGlpYeLEidizZw/i4uKkdfXu3RupqakICQkBADg6OqJp06b47bffAABKpRLW1tb47rvvMGnSpHf2np6eDkNDQ6SlpcHAwKCofzSwnbSnyMeksiVpnltJt0BE9NEpzOd3qbqmKS0tDQBgbGwMAIiOjkZOTg6cnZ2lmlq1aqFKlSqIjIwEAERGRsLBwUEKTADg4uKC9PR0nD9/Xqp5dYy8mrwxnj9/jujoaJUaNTU1ODs7SzVERET0adMo6QbyKJVKjBkzBi1btkTdunUBAMnJydDS0oKRkZFKrbm5OZKTk6WaVwNT3vK8ZW+rSU9PR1ZWFh4/fozc3NwCay5evFhgv9nZ2cjOzpam09PTC7nFREREVJaUmiNN3t7eiIuLw8aNG0u6FVnmzp0LQ0ND6WVtbV3SLREREVExKhWhycfHB8HBwQgPD0flypWl+RYWFnj+/DlSU1NV6u/duwcLCwup5vVv0+VNv6vGwMAAurq6MDExgbq6eoE1eWO8bvLkyUhLS5NeN2/eLPyGExERUZlRoqFJCAEfHx9s374dhw4dgp2dncryxo0bQ1NTE2FhYdK8hIQE3LhxA05OTgAAJycn/PvvvyrfcgsNDYWBgQHs7e2lmlfHyKvJG0NLSwuNGzdWqVEqlQgLC5NqXqetrQ0DAwOVFxEREX28SvSaJm9vbwQFBWHnzp3Q19eXrkEyNDSErq4uDA0N4eXlhXHjxsHY2BgGBgb47rvv4OTkhObNmwMAOnToAHt7ewwYMAALFixAcnIy/Pz84O3tDW1tbQDAiBEj8Ntvv2HChAnw9PTEoUOHsHnzZuzZ83/fSBs3bhw8PDzQpEkTNGvWDEuWLEFmZiYGDx784X8wREREVOqUaGgKCAgAALRt21Zl/po1azBo0CAAwOLFi6GmpoaePXsiOzsbLi4uWL58uVSrrq6O4OBgjBw5Ek5OTihfvjw8PDwwa9YsqcbOzg579uzB2LFjsXTpUlSuXBmrVq2Ci4uLVNOrVy88ePAA06dPR3JyMho0aICQkJB8F4cTERHRp6lU3aepLON9mqi48T5NRERFr8zep4mIiIiotGJoIiIiIpKBoYmIiIhIBoYmIiIiIhkK/e257OxsnDp1CtevX8fTp09hamqKhg0b5rvHEhEREdHHRHZoOn78OJYuXYrdu3cjJydHupdSSkoKsrOzUbVqVQwbNgwjRoyAvr5+cfZMRERE9MHJOj3XpUsX9OrVC7a2tjhw4ACePHmCR48e4datW3j69CkuX74MPz8/hIWFoUaNGggNDS3uvomIiIg+KFlHmtzc3LB161ZoamoWuLxq1aqoWrUqPDw8EB8fj7t37xZpk0REREQlTVZoGj58uOwB7e3tpWe+EREREX0s/vO3565evYrz589DqVQWRT9EREREpZLs0JSTkwN/f3+4u7vjxx9/RG5uLvr06YPPPvsM9erVQ926dZGUlFSMrRIRERGVHNmhadKkSQgICICFhQVWr16NHj164OzZswgKCsLGjRuhoaGBqVOnFmevRERERCVG9i0H/v77bwQGBqJTp064dOkSatWqhT179sDV1RUAYGZmhn79+hVbo0REREQlSfaRpjt37qB+/foAgBo1akBbWxvVq1eXlteoUQPJyclF3yERERFRKSA7NOXm5qrcckBDQwPq6ur/N5CaGoQQRdsdERERUSlRqMeo7N+/H4aGhgAApVKJsLAwxMXFAQBSU1OLvDkiIiKi0qJQocnDw0Nl+vX7NykUiv/eEREREVEpJDs08T5MRERE9Cn7zze3JCIiIvoUyD7SdOTIEVl1rVu3fu9miIiIiEor2aGpbdu20jVLb/qWnEKhQG5ubtF0RkRERFSKyA5NFSpUgL6+PgYNGoQBAwbAxMSkOPsiIiIiKlVkX9N09+5dzJ8/H5GRkXBwcICXlxdOnDgBAwMDGBoaSi8iIiKij5Hs0KSlpYVevXph//79uHjxIurVqwcfHx9YW1tj6tSpePHiRXH2SURERFSi3uvbc1WqVMH06dNx8OBB1KhRA/PmzUN6enpR90ZERERUahQ6NGVnZyMoKAjOzs6oW7cuTExMsGfPHhgbGxdHf0RERESlguwLwaOiorBmzRps3LgRtra2GDx4MDZv3sywRERERJ8E2aGpefPmqFKlCkaNGoXGjRsDAI4dO5avrkuXLkXXHREREVEpUahnz924cQOzZ89+43Lep4mIiIg+Vnz2HBEREZEMfPYcERERkQyyQtPJkydlD/j06VOcP3/+vRsiIiIiKo1khaYBAwbAxcUFW7ZsQWZmZoE18fHxmDJlCqpVq4bo6OgibZKIiIiopMm6pik+Ph4BAQHw8/ND3759UaNGDVhZWUFHRwePHz/GxYsXkZGRge7du+PAgQNwcHAo7r6JiIiIPiiFEEIU5g1nzpzBsWPHcP36dWRlZcHExAQNGzZEu3btPul7NqWnp8PQ0BBpaWkwMDAo8vFtJ+0p8jGpbEma51bSLRARfXQK8/ldqFsOAECTJk3QpEmT926OiIiIqCzit+eIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhn+U2h69uxZUfVBREREVKoVOjQplUrMnj0blSpVgp6eHq5evQoAmDZtGv74448ib5CIiIioNCh0aPrhhx8QGBiIBQsWQEtLS5pft25drFq1qkibIyIiIiotCh2a1q1bh5UrV6Jfv35QV1eX5tevXx8XL14s0uaIiIiISotCh6bbt2+jevXq+eYrlUrk5OQUSVNEREREpU2hQ5O9vT2OHj2ab/7ff/+Nhg0bFklTRERERKVNoR+jMn36dHh4eOD27dtQKpXYtm0bEhISsG7dOgQHBxdHj0REREQlrtBHmrp27Yrdu3fj4MGDKF++PKZPn44LFy5g9+7d+PLLL4ujRyIiIqISV+gjTQDQqlUrhIaGFnUvRERERKVWoY80eXp6Yu3atfnmp6enw9PTs0iaIiIiIiptCh2aAgMD8e2332LUqFFQKpXS/KysrALD1NscOXIE7u7usLKygkKhwI4dO1SWDxo0CAqFQuXVsWNHlZqUlBT069cPBgYGMDIygpeXFzIyMlRqzp07h1atWkFHRwfW1tZYsGBBvl62bNmCWrVqQUdHBw4ODti7d2+htoWIiIg+bu/1GJU9e/Zg7969cHFxwePHj9975ZmZmahfvz6WLVv2xpqOHTvi7t270mvDhg0qy/v164fz588jNDQUwcHBOHLkCIYNGyYtT09PR4cOHWBjY4Po6GgsXLgQM2bMwMqVK6WaEydOoE+fPvDy8sLZs2fRrVs3dOvWDXFxce+9bURERPRxUQghRGHeoKamhuTkZKirq6Nnz564ffs2du3aBWNjY1hZWSE3N/f9GlEosH37dnTr1k2aN2jQIKSmpuY7ApXnwoULsLe3x+nTp9GkSRMAQEhICDp16oRbt27BysoKAQEBmDp1KpKTk6U7mE+aNAk7duyQbsbZq1cvZGZmqnz7r3nz5mjQoAFWrFghq//09HQYGhoiLS0NBgYG7/ETeDvbSXuKfEwqW5LmuZV0C0REH53CfH4X+kiTQqEAAFSsWBEHDx5EmzZt4OTkhF27dr1ft+8QEREBMzMz1KxZEyNHjsSjR4+kZZGRkTAyMpICEwA4OztDTU0Np06dkmpat26t8sgXFxcXJCQkSEfJIiMj4ezsrLJeFxcXREZGvrGv7OxspKenq7yIiIjo41Xob8+9emBKQ0MDq1atgr29Pb799tsibQx4eWquR48esLOzQ2JiIqZMmQJXV1dERkZCXV0dycnJMDMzU3mPhoYGjI2NkZycDABITk6GnZ2dSo25ubm0rEKFCkhOTpbmvVqTN0ZB5s6di5kzZxbFZhIREVEZUOjQFB4eDmNjY5V548aNQ7169XD8+PEiawwAevfuLf2/g4MD6tWrh2rVqiEiIgLt27cv0nUV1uTJkzFu3DhpOj09HdbW1iXYERERERWnQoemNm3aFDjf2dk53ymuola1alWYmJjgypUraN++PSwsLHD//n2VmhcvXiAlJQUWFhYAAAsLC9y7d0+lJm/6XTV5ywuira0NbW3t/7xNREREVDbICk3jxo3D7NmzUb58eZWjKwX5+eefi6Sxgty6dQuPHj2CpaUlAMDJyQmpqamIjo5G48aNAQCHDh2CUqmEo6OjVDN16lTk5ORAU1MTABAaGoqaNWuiQoUKUk1YWBjGjBkjrSs0NBROTk7Fti1ERERUtsgKTWfPnkVOTo70/2+Sd5G4XBkZGbhy5Yo0fe3aNcTGxsLY2BjGxsaYOXMmevbsCQsLCyQmJmLChAmoXr06XFxcAAC1a9dGx44dMXToUKxYsQI5OTnw8fFB7969YWVlBQDo27cvZs6cCS8vL0ycOBFxcXFYunQpFi9eLK139OjRaNOmDX766Se4ublh48aNOHPmjMptCYiIiOjTVuhbDhSliIgItGvXLt98Dw8PBAQEoFu3bjh79ixSU1NhZWWFDh06YPbs2SoXbaekpMDHxwe7d++GmpoaevbsiV9++QV6enpSzblz5+Dt7Y3Tp0/DxMQE3333HSZOnKiyzi1btsDPzw9JSUn47LPPsGDBAnTq1En2tvCWA1TceMsBIqKiV5jP7/8cmq5fv47MzEzUqlULamrvda/MjwJDExU3hiYioqJXLPdpWr16db7rlYYNG4aqVavCwcEBdevWxc2bN9+vYyIiIqJSTnZoWrlypXThNPDyzttr1qzBunXrcPr0aRgZGfG+RURERPTRkn3LgcuXL6vceXvnzp3o2rUr+vXrBwCYM2cOBg8eXPQdEhEREZUCso80ZWVlqZzrO3HiBFq3bi1NV61a9a130CYiIiIqy2SHJhsbG0RHRwMAHj58iPPnz6Nly5bS8uTkZBgaGhZ9h0RERESlgOzTcx4eHvD29sb58+dx6NAh1KpVS7qhJPDyyFPdunWLpUkiIiKikiY7NE2YMAFPnz7Ftm3bYGFhgS1btqgsP378OPr06VPkDRIRERGVBiV6c8uPCe/TRMWN92kiIip6xXKfJiIiIqJPGUMTERERkQwMTUREREQyMDQRERERyVDo0BQXF/fGZTt27PgvvRARERGVWoUOTS4uLrh27Vq++Vu3bpUeqUJERET0sSl0aBoyZAicnZ1VHpmyadMmDBw4EIGBgUXZGxEREVGpIfvmlnlmzpyJlJQUODs748iRIwgJCcGQIUPw559/omfPnsXRIxEREVGJK3RoAoBff/0V/fr1Q/PmzXH79m1s2LABXbt2LereiIiIiEoNWaFp165d+eb16NEDR48eRZ8+faBQKKSaLl26FG2HRERERKWArMeoqKnJu/RJoVAgNzf3PzdVFvExKlTc+BgVIqKiV5jPb1lHmpRKZZE0RkRERFRWFcnNLVNTU4tiGCIiIqJSq9Chaf78+di0aZM0/fXXX8PY2BiVKlXCP//8U6TNEREREZUWhQ5NK1asgLW1NQAgNDQUBw8eREhICFxdXeHr61vkDRIRERGVBoW+5UBycrIUmoKDg/HNN9+gQ4cOsLW1haOjY5E3SERERFQaFPpIU4UKFXDz5k0AQEhICJydnQEAQohP9ptzRERE9PEr9JGmHj16oG/fvvjss8/w6NEjuLq6AgDOnj2L6tWrF3mDRERERKVBoUPT4sWLYWtri5s3b2LBggXQ09MDANy9exfffvttkTdIREREVBoUOjRpamri+++/zzd/7NixRdIQERERUWkk+zEqrq6u0NTULPCRKq/iY1SIiIjoYyQrNHXr1g3JyckwMzNDt27d3lj3KT9GhYiIiD5uhX6MCh+pQkRERJ+iInmMChEREdHHrlAXgiuVSgQGBmLbtm1ISkqCQqGAnZ0dvvrqKwwYMAAKhaK4+iQiIiIqUbKPNAkh0KVLFwwZMgS3b9+Gg4MD6tSpg+vXr2PQoEHo3r17cfZJREREVKJkH2kKDAzEkSNHEBYWhnbt2qksO3ToELp164Z169Zh4MCBRd4kERERUUmTfaRpw4YNmDJlSr7ABABffPEFJk2ahPXr1xdpc0RERESlhezQdO7cOXTs2PGNy11dXfHPP/8USVNEREREpY3s0JSSkgJzc/M3Ljc3N8fjx4+LpCkiIiKi0kZ2aMrNzYWGxpsvgVJXV8eLFy+KpCkiIiKi0kb2heBCCAwaNAja2toFLs/Ozi6ypoiIiIhKG9mhycPD4501/OYcERERfaxkh6Y1a9YUZx9EREREpRofo0JEREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRfXBPnjzBmDFjYGNjA11dXbRo0QKnT59WqRk0aBAUCoXK6/VHOdna2uarmTdvnkqNEAKLFi1CjRo1oK2tjUqVKuHHH398a3/vGnfGjBn5lisUCpQvX15lnCVLlqBmzZrQ1dWFtbU1xo4di2fPnr1xvREREVAoFKhQoUK+utOnT0vreb0+76Wrq4s6depg5cqVb90+Ino/sm85QERUVIYMGYK4uDj8+eefsLKywl9//QVnZ2fEx8ejUqVKUl3Hjh1VbndS0M11Z82ahaFDh0rT+vr6KstHjx6NAwcOYNGiRXBwcEBKSgpSUlLe2ePbxv3+++8xYsQIlfr27dujadOm0nRQUBAmTZqE1atXo0WLFrh06ZIUBH/++ee3rltfXx/bt29Hnz59pHl//PEHqlSpghs3buSrT0hIgIGBAbKysrB7926MHDkS1apVQ/v27d+5nUQkH0MTEX1QWVlZ2Lp1K3bu3InWrVsDeHnkZvfu3QgICMAPP/wg1Wpra8PCwuKt4+nr67+x5sKFCwgICEBcXBxq1qwJALCzs5PV59vG1dPTg56enjT9zz//ID4+HitWrJDmnThxAi1btkTfvn0BvDx61adPH5w6deqd6/bw8MDq1aul0JSVlYWNGzdi1KhRmD17dr56MzMzGBkZAQBGjRqFX375BTExMQxNREWsRE/PHTlyBO7u7rCysoJCocCOHTtUlgshMH36dFhaWkJXVxfOzs64fPmySk1KSgr69esHAwMDGBkZwcvLCxkZGSo1586dQ6tWraCjowNra2ssWLAgXy9btmxBrVq1oKOjAwcHB+zdu7fIt5eIgBcvXiA3Nxc6Ojoq83V1dXHs2DGVeRERETAzM0PNmjUxcuRIPHr0KN948+bNQ8WKFdGwYUMsXLhQ5RmYu3fvRtWqVREcHAw7OzvY2tpiyJAhso40vW3c161atQo1atRAq1atpHktWrRAdHQ0oqKiAABXr17F3r170alTp3eue8CAATh69Kh0VGnr1q2wtbVFo0aN3vo+IQRCQkJw48YNODo6vnM9RFQ4JRqaMjMzUb9+fSxbtqzA5QsWLMAvv/yCFStW4NSpUyhfvjxcXFxUzvX369cP58+fR2hoKIKDg3HkyBEMGzZMWp6eno4OHTrAxsYG0dHRWLhwIWbMmKFyzv/EiRPo06cPvLy8cPbsWXTr1g3dunVDXFxc8W080SdKX18fTk5OmD17Nu7cuYPc3Fz89ddfiIyMxN27d6W6jh07Yt26dQgLC8P8+fNx+PBhuLq6Ijc3V6oZNWoUNm7ciPDwcAwfPhxz5szBhAkTpOVXr17F9evXsWXLFqxbtw6BgYGIjo7GV1999dYe3zXuq549e4b169fDy8tLZX7fvn0xa9YsfP7559DU1ES1atXQtm1bTJky5Z0/IzMzM7i6uiIwMBAAsHr1anh6er6xvnLlytDT04OWlhbc3Nzg7+8vHcUjoqKjEEKIkm4CABQKBbZv345u3boBePkvJisrK4wfPx7ff/89ACAtLQ3m5uYIDAxE7969ceHCBdjb2+P06dNo0qQJACAkJASdOnXCrVu3YGVlhYCAAEydOhXJycnQ0tICAEyaNAk7duzAxYsXAQC9evVCZmYmgoODpX6aN2+OBg0aqBxuf5v09HQYGhoiLS0NBgYGRfVjkdhO2lPkY1LZkjTPraRbKDKJiYnw9PTEkSNHoK6ujkaNGqFGjRqIjo7GhQsXCnzP1atXUa1aNRw8ePCNp51Wr16N4cOHIyMjA9ra2hg2bBh+//13JCQkoEaNGgCAmJgYNG7cGBcvXpRO2b3L6+O+asOGDRg4cCBu3boFc3NzaX5ERAR69+6NH374AY6Ojrhy5QpGjx6NoUOHYtq0aQWuJyIiAu3atcPjx49x9OhRjB49GgcPHkSdOnVw69YtHD16FN27d0fer+28+piYGOjr6yM7OxtRUVHw8fHBokWLMHLkSFnbR/QpK8znd6n99ty1a9eQnJwMZ2dnaZ6hoSEcHR0RGRkJAIiMjISRkZEUmADA2dkZampq0nUDkZGRaN26tRSYAMDFxQUJCQl4/PixVPPqevJq8tZTkOzsbKSnp6u8iEieatWq4fDhw8jIyMDNmzcRFRWFnJwcVK1a9Y3vqVq1KkxMTHDlypU31jg6OuLFixdISkoCAFhaWkJDQ0MKTABQu3ZtACjwgmq5475q1apV6Ny5s0pgAoBp06ZhwIABGDJkCBwcHNC9e3fMmTMHc+fOhVKpfOc6XV1dkZWVBS8vL7i7u6NixYpvrLWzs0P16tVRp04dDB48GAMGDHjnNwSJqPBKbWhKTk4GgHy/iMzNzaVlycnJMDMzU1muoaEBY2NjlZqCxnh1HW+qyVtekLlz58LQ0FB6WVtbF3YTiT555cuXh6WlJR4/foz9+/eja9eub6y9desWHj16BEtLyzfWxMbGQk1NTfq90LJlS7x48QKJiYlSzaVLlwAANjY2svt8fdw8165dQ3h4eL5TcwDw9OlTqKmp/opVV1cHAMg5wK+hoYGBAwciIiLirafmCqKuro6srKxCvYeI3o3fnntPkydPxrhx46Tp9PR0Bicimfbv3w8hBGrWrIkrV67A19cXtWrVwuDBgwEAGRkZmDlzJnr27AkLCwskJiZiwoQJqF69OlxcXAC8PEJ86tQptGvXDvr6+oiMjMTYsWPRv39/VKhQAcDLI8+NGjWCp6cnlixZAqVSCW9vb3z55ZfS0aeoqCgMHDgQYWFhqFSpkqxx86xevRqWlpZwdXXNt43u7u74+eef0bBhQ+n03LRp0+Du7i6Fp3eZPXs2fH1933qUCQDu37+PZ8+eSafn/vzzz3det0VEhVdqQ1PeV33v3bun8i/Le/fuoUGDBlLN/fv3Vd734sULpKSkSO+3sLDAvXv3VGrypt9V87avOmtraxd4zxgiere0tDRMnjwZt27dgrGxMXr27Ikff/wRmpqaAF4eKTl37hzWrl2L1NRUWFlZoUOHDpg9e7b0905bWxsbN27EjBkzkJ2dDTs7O4wdO1blHzNqamrYvXs3vvvuO7Ru3Rrly5eHq6srfvrpJ6nm6dOnSEhIQE5OjuxxAUCpVCIwMBCDBg0qMAT5+flBoVDAz88Pt2/fhqmpKdzd3Qt12kxLSwsmJibvrMu7NktDQwPW1tYYPnw4ZsyYIXs9RCRPqb8Q/Pvvv8f48eMBvDyaY2Zmlu9C8DNnzqBx48YAgAMHDqBjx475LgS/d++e9At5ypQp2LZtm8qF4E+fPsXu3bulflq0aIF69erxQnAqNT6mC8GJiEqLMnMheEZGBmJjYxEbGwvg5fUBsbGxuHHjBhQKBcaMGYMffvgBu3btwr///ouBAwfCyspKCla1a9dGx44dMXToUERFReH48ePw8fFB7969YWVlBeDl1361tLTg5eWF8+fPY9OmTVi6dKnKvxpHjx6NkJAQ/PTTT7h48SJmzJiBM2fOwMfH50P/SIiIiKiUKtHTc2fOnEG7du2k6bwg4+HhgcDAQEyYMAGZmZkYNmwYUlNT8fnnnyMkJETlpnjr16+Hj48P2rdvDzU1NfTs2RO//PKLtNzQ0BAHDhyAt7c3GjduDBMTE0yfPl3lXk4tWrRAUFAQ/Pz8MGXKFHz22WfYsWMH6tat+wF+CkRERFQWlJrTc2UdT89RcePpOSKioldmTs8RERERlRUMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDKU2seoEFHpwtteEG97QZ86HmkiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiKiT9Lt27fRv39/VKxYEbq6unBwcMCZM2cAADk5OZg4cSIcHBxQvnx5WFlZYeDAgbhz547KGCkpKejXrx8MDAxgZGQELy8vZGRkqNQIIbBo0SLUqFED2traqFSpEn788ce39talSxdUqVIFOjo6sLS0xIABA1TWHRERga5du8LS0hLly5dHgwYNsH79+nzjLFmyBDVr1oSuri6sra0xduxYPHv27I3rjYiIgEKhQIUKFfLVnT59GgqFAgqFIl993ktXVxd16tTBypUr37p9ZRVDExERfXIeP36Mli1bQlNTE/v27UN8fDx++uknVKhQAQDw9OlTxMTEYNq0aYiJicG2bduQkJCALl26qIzTr18/nD9/HqGhoQgODsaRI0cwbNgwlZrRo0dj1apVWLRoES5evIhdu3ahWbNmb+2vXbt22Lx5MxISErB161YkJibiq6++kpafOHEC9erVw9atW3Hu3DkMHjwYAwcORHBwsFQTFBSESZMmwd/fHxcuXMAff/yBTZs2YcqUKe/8+ejr62P79u0q8/744w9UqVKlwPqEhATcvXsX8fHxGD58OEaOHImwsLB3rqesUQghREk38TFIT0+HoaEh0tLSYGBgUOTj207aU+RjUtmSNM+tRNfPfZBKeh8sSpMmTcLx48dx9OhR2e85ffo0mjVrhuvXr6NKlSq4cOEC7O3tcfr0aTRp0gQAEBISgk6dOuHWrVuwsrLChQsXUK9ePcTFxaFmzZrv3e+uXbvQrVs3ZGdnQ1NTs8AaNzc3mJubY/Xq1QAAHx8fXLhwQSW8jB8/HqdOncKxY8cKHCMiIgLt2rWDn58fTp48idDQUABAVlYWLC0tMWrUKMyePRt50SGv/vHjxzAyMpLGqV69OoYPHw5fX9/33uYPpTCf3zzSREREn5xdu3ahSZMm+Prrr2FmZoaGDRvi999/f+t70tLSoFAopHAQGRkJIyMjKTABgLOzM9TU1HDq1CkAwO7du1G1alUEBwfDzs4Otra2GDJkCFJSUmT3mpKSgvXr16NFixZvDEx5/RkbG0vTLVq0QHR0NKKiogAAV69exd69e9GpU6d3rnPAgAE4evQobty4AQDYunUrbG1t0ahRo7e+TwiBkJAQ3LhxA46OjnI2r0xhaCIiok/O1atXERAQgM8++wz79+/HyJEjMWrUKKxdu7bA+mfPnmHixIno06ePdDQiOTkZZmZmKnUaGhowNjZGcnKytJ7r169jy5YtWLduHQIDAxEdHa1yqu1NJk6ciPLly6NixYq4ceMGdu7c+cbazZs34/Tp0xg8eLA0r2/fvpg1axY+//xzaGpqolq1amjbtq2s03NmZmZwdXVFYGAgAGD16tXw9PR8Y33lypWhp6cHLS0tuLm5wd/fH61bt37nesoahiYiIvrkKJVKNGrUCHPmzEHDhg0xbNgwDB06FCtWrMhXm5OTg2+++QZCCAQEBBR6PdnZ2Vi3bh1atWqFtm3b4o8//kB4eDgSEhLe+l5fX1+cPXsWBw4cgLq6OgYOHIiCrqgJDw/H4MGD8fvvv6NOnTrS/IiICMyZMwfLly+Xrsvas2cPZs+eLat3T09PBAYG4urVq4iMjES/fv3eWHv06FHExsYiNjYWq1atwpw5cwr9syoLNEq6ASIiog/N0tIS9vb2KvNq166NrVu3qszLC0zXr1/HoUOHVK55sbCwwP3791XqX7x4gZSUFFhYWEjr0dDQQI0aNVTWAwA3btx463VOJiYmMDExQY0aNVC7dm1YW1vj5MmTcHJykmoOHz4Md3d3LF68GAMHDlR5/7Rp0zBgwAAMGTIEAODg4IDMzEwMGzYMU6dOhZra24+buLq6YtiwYfDy8oK7uzsqVqz4xlo7OzvptGWdOnVw6tQp/Pjjjxg5cuRb11HW8EgTERF9clq2bJnvSM+lS5dgY2MjTecFpsuXL+PgwYP5QoOTkxNSU1MRHR0tzTt06BCUSqV0PU/Lli3x4sULJCYmqqwHgMq63kWpVAIAsrOzpXkRERFwc3PD/Pnz831jD3j5DcDXg5G6ujoAFHjE6nUaGhoYOHAgIiIi3npqriDq6urIysoq1HvKAh5pIiKiT87YsWPRokULzJkzB9988w2ioqKwcuVK6f5COTk5+OqrrxATE4Pg4GDk5uZK1ykZGxtDS0sLtWvXRseOHaXTejk5OfDx8UHv3r1hZWUF4OWF4Y0aNYKnpyeWLFkCpVIJb29vfPnll9LRp6ioKAwcOBBhYWGoVKkSTp06hdOnT+Pzzz9HhQoVkJiYiGnTpqFatWrSUabw8HB07twZo0ePRs+ePaXetLS0pIvB3d3d8fPPP6Nhw4ZwdHTElStXMG3aNLi7u0vh6V1mz54NX1/ftx5lAoD79+/j2bNnyM7ORlRUFP78809Z122VNQxNRET0yWnatCm2b9+OyZMnY9asWbCzs8OSJUuk63Zu376NXbt2AQAaNGig8t7w8HC0bdsWALB+/Xr4+Pigffv2UFNTQ8+ePfHLL79ItWpqati9eze+++47tG7dGuXLl4erqyt++uknqebp06dISEhATk4OAKBcuXLYtm0b/P39kZmZCUtLS3Ts2BF+fn7Q1tYGAKxduxZPnz7F3LlzMXfuXGmsNm3aICIiAgDg5+cHhUIBPz8/3L59G6ampnB3d3/njTVfpaWlBRMTk3fW5Z1m1NDQgLW1NYYPH44ZM2bIXk9Zwfs0FRHep4mKW0nfI4f7IJX0PkhUHHifJiIiIqIixtBEREREJANDExEREZEMDE1EREREMjA0EREREcnA0EREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDHxgLxERlQl8/iGV9PMPS/WRphkzZkChUKi8atWqJS1/9uwZvL29UbFiRejp6aFnz564d++eyhg3btyAm5sbypUrBzMzM/j6+uLFixcqNREREWjUqBG0tbVRvXp1BAYGfojNIyIiojKkVIcmAKhTpw7u3r0rvY4dOyYtGzt2LHbv3o0tW7bg8OHDuHPnDnr06CEtz83NhZubG54/f44TJ05g7dq1CAwMxPTp06Waa9euwc3NDe3atUNsbCzGjBmDIUOGYP/+/R90O4mIiKh0K/Wn5zQ0NGBhYZFvflpaGv744w8EBQXhiy++AACsWbMGtWvXxsmTJ9G8eXMcOHAA8fHxOHjwIMzNzdGgQQPMnj0bEydOxIwZM6ClpYUVK1bAzs4OP/30EwCgdu3aOHbsGBYvXgwXF5cPuq1ERERUepX6I02XL1+GlZUVqlatin79+uHGjRsAgOjoaOTk5MDZ2VmqrVWrFqpUqYLIyEgAQGRkJBwcHGBubi7VuLi4ID09HefPn5dqXh0jryZvjDfJzs5Genq6youIiIg+XqU6NDk6OiIwMBAhISEICAjAtWvX0KpVKzx58gTJycnQ0tKCkZGRynvMzc2RnJwMAEhOTlYJTHnL85a9rSY9PR1ZWVlv7G3u3LkwNDSUXtbW1v91c4mIiKgUK9Wn51xdXaX/r1evHhwdHWFjY4PNmzdDV1e3BDsDJk+ejHHjxknT6enpDE5EREQfsVJ9pOl1RkZGqFGjBq5cuQILCws8f/4cqampKjX37t2TroGysLDI9226vOl31RgYGLw1mGlra8PAwEDlRURERB+vMhWaMjIykJiYCEtLSzRu3BiampoICwuTlickJODGjRtwcnICADg5OeHff//F/fv3pZrQ0FAYGBjA3t5eqnl1jLyavDGIiIiIgFIemr7//nscPnwYSUlJOHHiBLp37w51dXX06dMHhoaG8PLywrhx4xAeHo7o6GgMHjwYTk5OaN68OQCgQ4cOsLe3x4ABA/DPP/9g//798PPzg7e3N7S1tQEAI0aMwNWrVzFhwgRcvHgRy5cvx+bNmzF27NiS3HQiIiIqZUr1NU23bt1Cnz598OjRI5iamuLzzz/HyZMnYWpqCgBYvHgx1NTU0LNnT2RnZ8PFxQXLly+X3q+uro7g4GCMHDkSTk5OKF++PDw8PDBr1iypxs7ODnv27MHYsWOxdOlSVK5cGatWreLtBoiIiEhFqQ5NGzdufOtyHR0dLFu2DMuWLXtjjY2NDfbu3fvWcdq2bYuzZ8++V49ERET0aSjVp+eIiIiISguGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGJiIiIiIZGJqIiIiIZGBoIiIiIpKBoYmIiIhIBoYmIiIiIhkYmoiIiIhkYGgiIiIikoGhiYiIiEgGhiYiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiIiISAaGptcsW7YMtra20NHRgaOjI6Kiokq6JSIiIioFGJpesWnTJowbNw7+/v6IiYlB/fr14eLigvv375d0a0RERFTCGJpe8fPPP2Po0KEYPHgw7O3tsWLFCpQrVw6rV68u6daIiIiohDE0/X/Pnz9HdHQ0nJ2dpXlqampwdnZGZGRkCXZGREREpYFGSTdQWjx8+BC5ubkwNzdXmW9ubo6LFy/mq8/OzkZ2drY0nZaWBgBIT08vlv6U2U+LZVwqO4pr35KL+yBxH6SSVhz7YN6YQoh31jI0vae5c+di5syZ+eZbW1uXQDf0KTBcUtId0KeO+yCVtOLcB588eQJDQ8O31jA0/X8mJiZQV1fHvXv3VObfu3cPFhYW+eonT56McePGSdNKpRIpKSmoWLEiFApFsff7KUlPT4e1tTVu3rwJAwODkm6HPkHcB6mkcR8sPkIIPHnyBFZWVu+sZWj6/7S0tNC4cWOEhYWhW7duAF4GobCwMPj4+OSr19bWhra2tso8IyOjD9Dpp8vAwIC/LKhEcR+kksZ9sHi86whTHoamV4wbNw4eHh5o0qQJmjVrhiVLliAzMxODBw8u6daIiIiohDE0vaJXr1548OABpk+fjuTkZDRo0AAhISH5Lg4nIiKiTw9D02t8fHwKPB1HJUdbWxv+/v75TocSfSjcB6mkcR8sHRRCznfsiIiIiD5xvLklERERkQwMTUREREQyMDQRERERycDQRG8lhMCwYcNgbGwMhUKB2NjYd75HoVBgx44dAICkpCTZ7/uQIiIioFAokJqaKvs9tra2WLJkSbH1RJ+OV/+OyDFo0CDp/nFE/9X7/F5u27YtxowZU2w9lRUMTfRWISEhCAwMRHBwMO7evYu6deuWdEtEBcrIyICPjw8qV64MXV1d2NvbY8WKFSXdFn2iRowYAYVCwX9ofWR4ywF6q8TERFhaWqJFixYl3QrRW40bNw6HDh3CX3/9BVtbWxw4cADffvstrKys0KVLl5Jujz4h27dvx8mTJ2U9loPKFh5pojcaNGgQvvvuO9y4cQMKhQK2trYFnqJq0KABZsyY8Z/Xl3fKbP/+/WjYsCF0dXXxxRdf4P79+9i3bx9q164NAwMD9O3bF0+f/t/TzrOzszFq1CiYmZlBR0cHn3/+OU6fPq0y9t69e1GjRg3o6uqiXbt2SEpKyrf+Y8eOoVWrVtDV1YW1tTVGjRqFzMzM/7xdVDQyMzMxcOBA6OnpwdLSEj/99JPKKYMTJ07Aw8MDbdu2ha2tLYYNG4b69esjKipK1vgKhQL/+9//0LlzZ5QrVw61a9dGZGQkrly5grZt26J8+fJo0aIFEhMTVd4XEBCAatWqQUtLCzVr1sSff/6psvzy5cto3bo1dHR0YG9vj9DQ0HzrvnnzJr755hsYGRnB2NgYXbt2LXAfpZL1rn0QAG7fvo3vvvsO69evh6ampuyx806Zbd68Wfo91LRpU1y6dAmnT59GkyZNoKenB1dXVzx48EB6n1KpxKxZs1C5cmVoa2tLN2V+VVRUFBo2bAgdHR00adIEZ8+ezbf+uLg4uLq6Qk9PD+bm5hgwYAAePnxY+B/SR46hid5o6dKl0l/Gu3fv5gsixWXGjBn47bffcOLECenDZMmSJQgKCsKePXtw4MAB/Prrr1L9hAkTsHXrVqxduxYxMTGoXr06XFxckJKSAuDlB1KPHj3g7u6O2NhYDBkyBJMmTVJZZ2JiIjp27IiePXvi3Llz2LRpE44dO8YbnZYivr6+OHz4MHbu3IkDBw4gIiICMTEx0vIWLVpg165duH37NoQQCA8Px6VLl9ChQwfZ65g9ezYGDhyI2NhY1KpVC3379sXw4cMxefJknDlzBkIIlX1i+/btGD16NMaPH4+4uDgMHz4cgwcPRnh4OICXH2g9evSAlpYWTp06hRUrVmDixIkq68zJyYGLiwv09fVx9OhRHD9+HHp6eujYsSOeP3/+H39qVJTetQ8qlUoMGDAAvr6+qFOnznutw9/fH35+foiJiYGGhgb69u2LCRMmYOnSpTh69CiuXLmC6dOnS/VLly7FTz/9hEWLFuHcuXNwcXFBly5dcPnyZQAvT1t37twZ9vb2iI6OxowZM/D999+rrDM1NRVffPEFGjZsiDNnziAkJAT37t3DN998817b8FETRG+xePFiYWNjI03b2NiIxYsXq9TUr19f+Pv7S9MAxPbt24UQQly7dk0AEGfPnn3nusLDwwUAcfDgQWne3LlzBQCRmJgozRs+fLhwcXERQgiRkZEhNDU1xfr166Xlz58/F1ZWVmLBggVCCCEmT54s7O3tVdY1ceJEAUA8fvxYCCGEl5eXGDZsmErN0aNHhZqamsjKynrjttOH8eTJE6GlpSU2b94szXv06JHQ1dUVo0ePFkII8ezZMzFw4EABQGhoaAgtLS2xdu1a2esAIPz8/KTpyMhIAUD88ccf0rwNGzYIHR0dabpFixZi6NChKuN8/fXXolOnTkIIIfbv3y80NDTE7du3peX79u1T+Tvy559/ipo1awqlUinVZGdnC11dXbF//34hhBAeHh6ia9eusreFip6cfXDOnDniyy+/lP4sC/M7I+935apVq6R5GzZsEABEWFiYNG/u3LmiZs2a0rSVlZX48ccfVcZq2rSp+Pbbb4UQQvzvf/8TFStWlH6PCSFEQECAyu/l2bNniw4dOqiMcfPmTQFAJCQkCCGEaNOmjbSdnzJe00SlTr169aT/Nzc3R7ly5VC1alWVeXmnXBITE5GTk4OWLVtKyzU1NdGsWTNcuHABAHDhwgU4OjqqrMPJyUll+p9//sG5c+ewfv16aZ4QAkqlEteuXUPt2rWLbgOp0BITE/H8+XOVP0djY2PUrFlTmv71119x8uRJ7Nq1CzY2Njhy5Ai8vb1hZWUFZ2dnWet5fd8DAAcHB5V5z549Q3p6OgwMDHDhwgUMGzZMZYyWLVti6dKlAF7ue9bW1irXthS07125cgX6+voq8589e5bvVCCVnHftg9HR0Vi6dCliYmKgUCjeez1y9sH79+8DANLT03Hnzh2V33/Ay33wn3/+AfByH6xXrx50dHSk5QXtg+Hh4dDT08vXT2JiImrUqPHe2/OxYWiiQlFTU4N47ck7OTk5RbqOV68DUCgU+a4LUCgUUCqVRbrOjIwMDB8+HKNGjcq3rEqVKkW6Lip6WVlZmDJlCrZv3w43NzcALz98YmNjsWjRItmh6fV9703zinL/y8jIQOPGjVUCex5TU9MiWw8Vr6NHj+L+/fsqvy9yc3Mxfvx4LFmyRPY1anL2weL4/efu7o758+fnW2ZpaVmk6yrreE0TFYqpqSnu3r0rTaenp+PatWsl1k/eBbjHjx+X5uXk5OD06dOwt7cHANSuXTvfxcAnT55UmW7UqBHi4+NRvXr1fC8tLa3i3xB6q2rVqkFTUxOnTp2S5j1+/BiXLl0C8PLPPCcnB2pqqr/S1NXVi/wD5lW1a9dW2fcA4Pjx4yr73s2bN1X+zhS0712+fBlmZmb59j1DQ8Ni650K51374IABA3Du3DnExsZKLysrK/j6+mL//v3F0pOBgQGsrKzeuQ+eO3cOz549k5YXtA+eP38etra2+fbB8uXLF0vvZRVDExXKF198gT///BNHjx7Fv//+Cw8PD6irq5dYP+XLl8fIkSPh6+uLkJAQxMfHY+jQoXj69Cm8vLwAvLxfyuXLl+Hr64uEhAQEBQUhMDBQZZyJEyfixIkT8PHxQWxsLC5fvoydO3fyQvBSQk9PD15eXvD19cWhQ4cQFxeHQYMGSSHJwMAAbdq0ga+vLyIiInDt2jUEBgZi3bp16N69e7H15evri8DAQAQEBODy5cv4+eefsW3bNulCW2dnZ9SoUQMeHh74559/cPToUUydOlVljH79+sHExARdu3bF0aNHce3aNURERGDUqFG4detWsfVOhfOufbBixYqoW7euyktTUxMWFhYqp5GLmq+vL+bPn49NmzYhISEBkyZNQmxsLEaPHg0A6Nu3LxQKBYYOHYr4+Hjs3bsXixYtUhnD29sbKSkp6NOnD06fPo3ExETs378fgwcPRm5ubrH1Xhbx9BwVyuTJk3Ht2jV07twZhoaGmD17dokeaQKAefPmSd9aefLkCZo0aYL9+/ejQoUKAF6eXtu6dSvGjh2LX3/9Fc2aNcOcOXPg6ekpjVGvXj0cPnwYU6dORatWrSCEQLVq1dCrV6+S2ix6zcKFC6XTCPr6+hg/fjzS0tKk5Rs3bsTkyZPRr18/pKSkwMbGBj/++CNGjBhRbD1169YNS5cuxaJFizB69GjY2dlhzZo1aNu2LYCXp7O3b98OLy8vNGvWDLa2tvjll1/QsWNHaYxy5crhyJEjmDhxInr06IEnT56gUqVKaN++PQwMDIqtdyq8d+2DJWHUqFFIS0vD+PHjcf/+fdjb22PXrl347LPPALwMe7t378aIESPQsGFD2NvbY/78+ejZs6c0Rt7RqokTJ6JDhw7Izs6GjY0NOnbsmO/o7adOIV6/QIWIqIxo27YtGjRowLsuU4nhPvhpYYQkIiIikoGhiT6YESNGQE9Pr8BXcZ5CIVq/fv0b9733vQkhUWHMmTPnjfugq6trSbdHMvH0HH0w9+/fR3p6eoHLDAwMYGZm9oE7ok/FkydPcO/evQKXaWpqwsbG5gN3RJ+alJQU6SkFr9PV1UWlSpU+cEf0PhiaiIiIiGTg6TkiIiIiGRiaiIiIiGRgaCIiIiKSgaGJiOg9RUREQKFQIDU1VfZ7bG1teU8fojKKoYmIPlqDBg2CQqEo8JYW3t7eUCgUGDRo0IdvjIjKJIYmIvqoWVtbY+PGjcjKypLmPXv2DEFBQSpPpCcieheGJiL6qDVq1AjW1tbYtm2bNG/btm2oUqUKGjZsKM3Lzs7GqFGjYGZmBh0dHXz++ec4ffq0ylh79+5FjRo1oKuri3bt2iEpKSnf+o4dO4ZWrVpBV1cX1tbWGDVqFDIzM4tt+4jow2FoIqKPnqenJ9asWSNNr169GoMHD1apmTBhArZu3Yq1a9ciJiYG1atXh4uLi3RDwps3b6JHjx5wd3dHbGwshgwZgkmTJqmMkZiYiI4dO6Jnz544d+4cNm3ahGPHjsHHx6f4N5KIih1DExF99Pr3749jx47h+vXruH79Oo4fP47+/ftLyzMzMxEQEICFCxfC1dUV9vb2+P3336Grq4s//vgDABAQEIBq1arhp59+Qs2aNdGvX79810PNnTsX/fr1w5gxY/DZZ5+hRYsW+OWXX7Bu3To8e/bsQ24yERUDjZJugIiouJmamsLNzQ2BgYEQQsDNzQ0mJibS8sTEROTk5KBly5bSPE1NTTRr1gwXLlwAAFy4cAGOjo4q4zo5OalM//PPPzh37hzWr18vzRNCQKlU4tq1a6hdu3ZxbB4RfSAMTUT0SfD09JROky1btqxY1pGRkYHhw4dj1KhR+ZbxonOiso+hiYg+CR07dsTz58+hUCjg4uKisqxatWrQ0tLC8ePHpYf35uTk4PTp0xgzZgwAoHbt2ti1a5fK+06ePKky3ahRI8THx6N69erFtyFEVGJ4TRMRfRLU1dVx4cIFxMfHQ11dXWVZ+fLlMXLkSPj6+iIkJATx8fEYOnQonj59Ci8vLwDAiBEjcPnyZfj6+iIhIQFBQUEIDAxUGWfixIk4ceIEfHx8EBsbi8uXL2Pnzp28EJzoI8HQRESfDAMDAxgYGBS4bN68eejZsycGDBiARo0a4cqVK9i/fz8qVKgA4OXpta1bt2LHjh2oX78+VqxYgTlz5qiMUa9ePRw+fBiXLl1Cq1at0LBhQ0yfPh1WVlbFvm1EVPwUQghR0k0QERERlXY80kREREQkA0MTERERkQwMTUREREQyMDQRERERycDQRERERCQDQxMRERGRDAxNRERERDIwNBERERHJwNBEREREJANDExEREZEMDE1EREREMjA0EREREcnw/wDfuKxsj/K7OgAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "disk_sizes = [\n", + " get_model_size_disk(full_model),\n", + " get_model_size_disk(q8_model),\n", + " get_model_size_disk(q4_model),\n", + "]\n", + "\n", + "for model_name, disk_size in zip(model_names, disk_sizes):\n", + " print(f\"{model_name} disk usage: {disk_size/1024:.3f} GB\")\n", + "\n", + "plt.bar(model_names, disk_sizes)\n", + "plt.xlabel(\"Model\")\n", + "plt.ylabel(\"Disk Size (GB)\")\n", + "plt.title(\"Model Size in Disk\")\n", + "\n", + "# Add annotations at the top of the bar\n", + "for i, v in enumerate(ram_sizes):\n", + " plt.text(i, v, f\"{v/1024:.3f} GB\", ha=\"center\", va=\"bottom\")\n", + "\n", + "plt.show();" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You'll notice a significant reduction in both model size (both in memory and on disk). " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Custom Quantization Config\n", + "\n", + "For more control, you have the flexibility to pass your quantization config.\n", + "\n", + "**Note:** This requires users to have the deeper knowledge of quantization. For most people, `load_in_4bit` or `load_in_8bit` should be enough." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from intel_extension_for_transformers.transformers import RtnConfig\n", + "\n", + "woq_config = RtnConfig(bits=4, compute_dtype=\"int8\")\n", + "woq_model = AutoModelForCausalLM.from_pretrained(\n", + " model_name, quantization_config=woq_config, use_neural_speed=False\n", + ")\n", + "woq_model.generate(inputs)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "There are other quantization configs apart from `RtnConfig`, like `AwqConfig`, `TeqConfig`, `GPTQConfig`, `AutoRoundConfig`. Here is a brief description, along with the research paper, about each:\n", + "\n", + "[RTN](https://arxiv.org/abs/1912.02057): Rounding to Nearest (RTN) is an intuitively simple method that rounds values to the nearest integer. It boasts simplicity, requiring no additional datasets, and offers fast quantization. Besides, it could be easily applied in other datatype like NF4(non-uniform). Typically, it performs well on configurations such as W4G32 or W8, but worse than advanced algorithms at lower precision level.\n", + "\n", + "[Teq](https://arxiv.org/abs/2310.10944): To our knowledge, it is the first trainable equivalent ransformation method (summited for peer review in 202306). However, it requires more memory than other methods as model-wise loss is used and the equivalent transformation imposes certain requirements on model architecture.\n", + "\n", + "[GPTQ](https://arxiv.org/abs/2210.17323): GPTQ is a widely adopted method based on the Optimal Brain Surgeon. It quantizes weight block by block and fine-tunes the remaining unquantized ones to mitigate quantization errors. Occasionally, Non-positive semidefinite matrices may occur, necessitating adjustments to hyperparameters.\n", + "\n", + "[Awq](https://arxiv.org/abs/2306.00978): AWQ is a popular method that explores weight min-max values and equivalent transformations in a handcrafted space. While effective, the equivalent transformation imposes certain requirements on model architecture, limiting its applicability to broader models or increasing engineering efforts.\n", + "\n", + "[AutoRound](https://arxiv.org/abs/2309.05516): AutoRound utilizes sign gradient descent to optimize rounding values and minmax values of weights within just 200 steps, showcasing impressive performance compared to recent methods like GPTQ/AWQ. Additionally, it offers hypeparameters tuning compatibility to further enhance performance. However, due to its reliance on gradient backpropagation, currently it is not quite fit for backends like ONNX.\n", + "\n", + "You can read the paper or search online for more details." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Neural Speed\n", + "\n", + "While we've primarily focused on reducing the memory footprint of models through quantization, it's essential to talk about performance enhancements as well. To achieve significant performance improvements, it's recommended to utilize recent generations of hardware, such as Intel's 4th Gen Xeon CPU. These processors feature built-in support for `bfloat16` and other lower precision data types, eliminating the need to scale back up to `float32` during operations. However, to fully maximize performance, ensure you have the latest drivers and software installed.\n", + "\n", + "Here's where the `use_neural_speed` argument becomes crucial. Intel's Neural Speed library provides an optimized runtime for efficient inference of large language models (LLMs) on Intel platforms through state-of-the-art (SOTA) low-bit quantization techniques. You can learn more about it [here](https://github.com/intel/neural-speed). Setting `use_neural_speed` to `True` in Intel® Extension for Transformers (ITREX) will enable the utilization of Neural Speed under the hood.\n", + "\n", + "One caveat: it's not recommended to use Neural Speed within a notebook environment. Instead, it's best to launch a Python script. This code sample includes a `quantize_transformer_models_with_itrex.py` Python script, and you can find detailed instructions on running it in the [README.md](README.md) file." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To conclude, we've demonstrated how to perform LLM quantization on Intel CPUs with minimal code changes. The reduction in model size after quantization is significant, making LLMs more accessible for deployment on resource-constrained devices. Moreover, there is considerable scope for performance improvements. Recent advancements in both hardware and software, such as Intel's suite of software tools like Neural Speed, can help mitigate the negative effects of runtime scalingby offering efficient runtimes for lower precision inference. Moving forward, we will continue to develop more code samples to illustrate how these tools can be utilized to enhance inference speed further." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(\"CODE_SAMPLE_COMPLETED_SUCCESSFULLY\")" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.18" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/quantize_transformer_models_with_itrex.py b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/quantize_transformer_models_with_itrex.py new file mode 100644 index 0000000000..f0760780bf --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/quantize_transformer_models_with_itrex.py @@ -0,0 +1,66 @@ +import argparse +from transformers import AutoTokenizer, TextStreamer +from intel_extension_for_transformers.transformers import AutoModelForCausalLM + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("--model_name", type=str, default="Intel/neural-chat-7b-v3-1") + parser.add_argument( + "--model_file", + type=str, + required=False, + default=None, + help="Path to GGUF model file. This is only required when using GGUF model. Make sure you also pass `model_name` and `tokenizer_name`.", + ) + parser.add_argument("--tokenizer_name", type=str, required=False) + parser.add_argument("--no_neural_speed", action="store_true", required=False) + parser.add_argument( + "--quantize", choices=["int4", "int8", "fp32"], default="fp32", required=False + ) + parser.add_argument( + "--prompt", type=str, default="Once upon a time", required=False + ) + parser.add_argument("--max_new_tokens", type=int, default=50) + args = parser.parse_args() + + # if pytorch model + if not args.model_file: + tokenizer = AutoTokenizer.from_pretrained( + args.model_name, trust_remote_code=True + ) + kwargs = {} + if args.no_neural_speed: + kwargs["use_neural_speed"] = False + print(f"use_neural_speed: {kwargs.get('use_neural_speed', True)}") + + if args.quantize == "int4": + kwargs["load_in_4bit"] = True + print(f"load_in_4bit: {kwargs.get('load_in_4bit', False)}") + elif args.quantize == "int8": + kwargs["load_in_8bit"] = True + print(f"load_in_8bit: {kwargs.get('load_in_8bit', False)}") + + model = AutoModelForCausalLM.from_pretrained(args.model_name, **kwargs) + + # if GGUF model + else: + if args.tokenizer_name and args.model_name: + tokenizer = AutoTokenizer.from_pretrained( + args.tokenizer_name, trust_remote_code=True + ) + model = AutoModelForCausalLM.from_pretrained( + args.model_name, model_file=args.model_file + ) + else: + raise ValueError( + "Please provide both `tokenizer_name` and `model_name` for GGUF model" + ) + + streamer = TextStreamer(tokenizer) + inputs = tokenizer(args.prompt, return_tensors="pt").input_ids + model.generate(inputs, streamer=streamer, max_new_tokens=args.max_new_tokens) + + +if __name__ == "__main__": + main() diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt new file mode 100644 index 0000000000..94d79df6c4 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt @@ -0,0 +1,7 @@ +accelerate==0.29.3 +datasets==2.09.0 +intel-extension-for-transformers==1.4.1 +neural_speed==1.0 +peft==0.10.0 +sentencepiece +transformers==4.35.2 \ No newline at end of file diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json new file mode 100644 index 0000000000..f35192d8cc --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json @@ -0,0 +1,30 @@ +{ + "guid": "01341A25-5FBF-4AE5-B4C9-B84105C8D3E9", + "name": "Quantize Transformer Models using Intel® Extension for Transformers* (ITREX)", + "categories": ["Toolkit/oneAPI AI And Analytics/Features And Functionality"], + "description": "Quantizing Transformer models in a step-by-step manner to enable memory efficient LLM inference.", + "builder": ["cli"], + "languages": [{ + "python": {} + }], + "os": ["linux"], + "targetDevice": ["CPU"], + "ciTests": { + "linux": [{ + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "apt-get install -y numactl", + "conda activate pytorch", + "pip install -r requirements.txt", + "pip install jupyter ipykernel", + "python -m ipykernel install --user --name=pytorch" + ], + "id": "itrex_quantize_transformer_models", + "steps": [ + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook quantize_transformer_models_with_itrex.ipynb", + "numactl -m 0 -C all python quantize_transformer_models_with_itrex.py --model_name \"Intel/neural-chat-7b-v3-1\" --quantize \"int8\" --max_new_tokens 50" + ] + }] + }, + "expertise": "Concepts and Functionality" +} \ No newline at end of file diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/utils.py b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/utils.py new file mode 100644 index 0000000000..89d6339b9e --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/utils.py @@ -0,0 +1,24 @@ +import os +import torch + + +# helper function to get model size +def get_model_size_ram(model): + param_size = 0 + for param in model.parameters(): + param_size += param.nelement() * param.element_size() + buffer_size = 0 + for buffer in model.buffers(): + buffer_size += buffer.nelement() * buffer.element_size() + + size_all_mb = (param_size + buffer_size) / 1024**2 + # print('model size: {:.3f}MB'.format(size_all_mb)) + return size_all_mb + + +def get_model_size_disk(model): + torch.save(model.state_dict(), "temp.p") + size_mb = os.path.getsize("temp.p") / 1e6 + # print('Size (MB):', size_mb) + os.remove("temp.p") + return size_mb diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/ci_test.py b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/ci_test.py deleted file mode 100644 index 97100f7c5e..0000000000 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/ci_test.py +++ /dev/null @@ -1,26 +0,0 @@ -import os - -def runJupyterNotebook(input_notebook_filename, output_notebook_filename, conda_env, fdpath='./'): - import nbformat - import os - from nbconvert.preprocessors import ExecutePreprocessor - from nbconvert.preprocessors import CellExecutionError - if os.path.isfile(input_notebook_filename) is False: - print("No Jupyter notebook found : ",input_notebook_filename) - try: - with open(input_notebook_filename) as f: - nb = nbformat.read(f, as_version=4) - ep = ExecutePreprocessor(timeout=6000, kernel_name=conda_env, allow_errors=True) - ep.preprocess(nb, {'metadata': {'path': fdpath}}) - with open(output_notebook_filename, 'w', encoding='utf-8') as f: - nbformat.write(nb, f) - return 0 - except CellExecutionError: - print("Exception!") - return -1 - - -runJupyterNotebook(os.path.join(os.path.dirname(os.path.realpath(__file__)), - 'quantize_with_inc.ipynb'), - 'quantize_with_inc.ipynb', - 'workshop') \ No newline at end of file diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json index 7b59c7852c..9f5d9b9ed5 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json @@ -10,15 +10,16 @@ "ciTests": { "linux": [ { - "env": [ - "source /opt/intel/oneapi/setvars.sh --force", + "env": ["apt-get update && apt-get install -y libgl1 libgl1-mesa-glx libglib2.0-0 libsm6 libxrender1 libxext6", + "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", + "pip install -r requirements.txt", "pip install ipykernel jupyter", "python -m ipykernel install --user --name=pytorch" ], "id": "quantize with inc", "steps": [ - "jupyter nbconvert --ExecutePreprocessor.kernel_name=pytorch --to notebook quantize_with_inc.ipynb" + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook quantize_with_inc.ipynb" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/README.md b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/README.md index c0158b8bb2..f461713e87 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/README.md +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/README.md @@ -275,9 +275,6 @@ latencys_times [1, 0.38379207710795576] accuracys_times [0, -0.009999999999990905] ``` -![Absolute Performance](img/inc_ab_perf_data.png) -![Relative Performance](img/inc_re_perf_data.png) - #### Troubleshooting If you receive an error message, troubleshoot the problem using the **Diagnostics Utility for Intel® oneAPI Toolkits**. The diagnostic utility provides configuration and system checks to help find missing dependencies, permissions errors, and other issues. See the [Diagnostics Utility for Intel® oneAPI Toolkits User Guide](https://www.intel.com/content/www/us/en/develop/documentation/diagnostic-utility-user-guide/top.html) for more information on using the utility. diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_quantize_model.py b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_quantize_model.py index cb506f17fe..519f79382d 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_quantize_model.py +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_quantize_model.py @@ -1,63 +1,60 @@ +import sys + import neural_compressor as inc print("neural_compressor version {}".format(inc.__version__)) -import alexnet -import math -import yaml -import mnist_dataset +import tensorflow as tf +print("tensorflow {}".format(tf.__version__)) + +from neural_compressor.config import PostTrainingQuantConfig, AccuracyCriterion, TuningCriterion +from neural_compressor.data import DataLoader from neural_compressor.quantization import fit -from neural_compressor.config import PostTrainingQuantConfig, TuningCriterion, AccuracyCriterion +from neural_compressor import Metric +import mnist_dataset -def save_int8_frezon_pb(q_model, path): - from tensorflow.python.platform import gfile - f = gfile.GFile(path, 'wb') - f.write(q_model.graph.as_graph_def().SerializeToString()) - print("Save to {}".format(path)) +class Dataset(object): + def __init__(self): + _x_train, _y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data() -class Dataloader(object): - def __init__(self, batch_size): - self.batch_size = batch_size + self.test_images = x_test + self.labels = label_test - def __iter__(self): - x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data() - batch_nums = math.ceil(len(x_test) / self.batch_size) + def __getitem__(self, index): + return self.test_images[index], self.labels[index] - for i in range(batch_nums - 1): - begin = i * self.batch_size - end = (i + 1) * self.batch_size - yield x_test[begin: end], label_test[begin: end] + def __len__(self): + return len(self.test_images) - begin = (batch_nums - 1) * self.batch_size - yield x_test[begin:], label_test[begin:] +def auto_tune(input_graph_path, batch_size): + dataset = Dataset() + dataloader = DataLoader(framework='tensorflow', dataset=dataset, batch_size=batch_size) + tuning_criterion = TuningCriterion(max_trials=100) + config = PostTrainingQuantConfig(approach="static", tuning_criterion=tuning_criterion, + accuracy_criterion = AccuracyCriterion( + higher_is_better=True, + criterion='relative', + tolerable_loss=0.01 ) + ) + top1 = Metric(name="topk", k=1) -def auto_tune(input_graph_path, config, batch_size): - fp32_graph = alexnet.load_pb(input_graph_path) - dataloader = Dataloader(batch_size) - assert(dataloader) - - tuning_criterion = TuningCriterion(**config["tuning_criterion"]) - accuracy_criterion = AccuracyCriterion(**config["accuracy_criterion"]) q_model = fit( - model=input_graph_path, - conf=PostTrainingQuantConfig(**config["quant_config"], - tuning_criterion=tuning_criterion, - accuracy_criterion=accuracy_criterion, - ), - calib_dataloader=dataloader, + model=input_graph_path, + conf=config, + calib_dataloader=dataloader, + eval_dataloader=dataloader, + eval_metric=top1 ) + + return q_model batch_size = 200 -fp32_frezon_pb_file = "fp32_frezon.pb" +fp32_frozen_pb_file = "fp32_frozen.pb" int8_pb_file = "alexnet_int8_model.pb" -with open("quant_config.yaml") as f: - config = yaml.safe_load(f.read()) -config - -q_model = auto_tune(fp32_frezon_pb_file, config, batch_size) -save_int8_frezon_pb(q_model, int8_pb_file) +q_model = auto_tune(fp32_frozen_pb_file, batch_size) +q_model.save(int8_pb_file) diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_sample_tensorflow.ipynb b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_sample_tensorflow.ipynb index 38d82640c8..fab6c1672f 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_sample_tensorflow.ipynb +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/inc_sample_tensorflow.ipynb @@ -35,34 +35,9 @@ }, { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2024-04-24 19:46:33.685650: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", - "2024-04-24 19:46:33.701301: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:46:33.759737: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-04-24 19:46:33.759770: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-04-24 19:46:33.761417: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-04-24 19:46:33.770939: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:46:33.777130: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\n", - "To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\n", - "2024-04-24 19:46:34.779989: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "2024-04-24 19:46:35.395672: I itex/core/wrapper/itex_cpu_wrapper.cc:60] Intel Extension for Tensorflow* AVX512 CPU backend is loaded.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensorflow version 2.15.0\n", - "neural_compressor version 2.5.1\n" - ] - } - ], + "outputs": [], "source": [ "import tensorflow as tf\n", "print(\"Tensorflow version {}\".format(tf.__version__))\n", @@ -101,17 +76,9 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "env: TF_ENABLE_MKL_NATIVE_FORMAT=0\n" - ] - } - ], + "outputs": [], "source": [ "%env TF_ENABLE_MKL_NATIVE_FORMAT=0" ] @@ -131,20 +98,9 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Loading data ...\n", - "Done\n", - "train (60000, 28, 28, 1) (60000, 10) (60000,)\n", - "test (10000, 28, 28, 1) (10000, 10) (10000,)\n" - ] - } - ], + "outputs": [], "source": [ "import alexnet\n", " \n", @@ -166,61 +122,9 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Model: \"sequential\"\n", - "_________________________________________________________________\n", - " Layer (type) Output Shape Param # \n", - "=================================================================\n", - " conv2d (Conv2D) (None, 28, 28, 96) 11712 \n", - " \n", - " activation (Activation) (None, 28, 28, 96) 0 \n", - " \n", - " max_pooling2d (MaxPooling2 (None, 14, 14, 96) 0 \n", - " D) \n", - " \n", - " conv2d_1 (Conv2D) (None, 14, 14, 256) 614656 \n", - " \n", - " activation_1 (Activation) (None, 14, 14, 256) 0 \n", - " \n", - " max_pooling2d_1 (MaxPoolin (None, 7, 7, 256) 0 \n", - " g2D) \n", - " \n", - " conv2d_2 (Conv2D) (None, 7, 7, 384) 885120 \n", - " \n", - " activation_2 (Activation) (None, 7, 7, 384) 0 \n", - " \n", - " conv2d_3 (Conv2D) (None, 7, 7, 384) 1327488 \n", - " \n", - " activation_3 (Activation) (None, 7, 7, 384) 0 \n", - " \n", - " conv2d_4 (Conv2D) (None, 7, 7, 256) 884992 \n", - " \n", - " activation_4 (Activation) (None, 7, 7, 256) 0 \n", - " \n", - " conv2d_5 (Conv2D) (None, 1, 1, 256) 3211520 \n", - " \n", - " activation_5 (Activation) (None, 1, 1, 256) 0 \n", - " \n", - " flatten (Flatten) (None, 256) 0 \n", - " \n", - " dense (Dense) (None, 10) 2570 \n", - " \n", - " activation_6 (Activation) (None, 10) 0 \n", - " \n", - "=================================================================\n", - "Total params: 6938058 (26.47 MB)\n", - "Trainable params: 6938058 (26.47 MB)\n", - "Non-trainable params: 0 (0.00 Byte)\n", - "_________________________________________________________________\n" - ] - } - ], + "outputs": [], "source": [ "classes = 10\n", "width = 28\n", @@ -242,26 +146,9 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2024-04-24 19:46:40.150010: I tensorflow/core/grappler/optimizers/custom_graph_optimizer_registry.cc:117] Plugin optimizer for device_type CPU is enabled.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "100/100 [==============================] - 27s 255ms/step - loss: 0.3384 - accuracy: 0.8899 - val_loss: 0.0643 - val_accuracy: 0.9797\n", - "Test score: 0.0642605572938919\n", - "Test accuracy: 0.9797000288963318\n" - ] - } - ], + "outputs": [], "source": [ "epochs = 1\n", "\n", @@ -279,18 +166,9 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2024-04-24 19:47:24.789366: I tensorflow/core/grappler/devices.cc:66] Number of eligible GPUs (core count >= 8, compute capability >= 0.0): 0\n", - "2024-04-24 19:47:24.789557: I tensorflow/core/grappler/clusters/single_machine.cc:361] Starting new session\n" - ] - } - ], + "outputs": [], "source": [ "from tensorflow.python.framework.convert_to_constants import convert_variables_to_constants_v2\n", "\n", @@ -308,25 +186,17 @@ " logdir=\".\",\n", " name=mod_path,\n", " as_text=False)\n", - "fp32_frezon_pb_file = \"fp32_frezon.pb\"\n", - "save_frezon_pb(model, fp32_frezon_pb_file)" + "fp32_frozen_pb_file = \"fp32_frozen.pb\"\n", + "save_frezon_pb(model, fp32_frozen_pb_file)" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "-rw-r--r-- 1 root root 27760585 Apr 24 19:47 fp32_frezon.pb\n" - ] - } - ], + "outputs": [], "source": [ - "%ls -la fp32_frezon.pb" + "%ls -la fp32_frozen.pb" ] }, { @@ -349,30 +219,25 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ "import mnist_dataset\n", - "import math\n", - "\n", "\n", - "class Dataloader(object):\n", - " def __init__(self, batch_size):\n", - " self.batch_size = batch_size\n", "\n", + "class Dataset(object):\n", + " def __init__(self):\n", + " _x_train, _y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n", "\n", - " def __iter__(self):\n", - " x_train, y_train, label_train, x_test, y_test,label_test = mnist_dataset.read_data()\n", - " batch_nums = math.ceil(len(x_test)/self.batch_size)\n", + " self.test_images = x_test\n", + " self.labels = label_test\n", "\n", - " for i in range(batch_nums-1):\n", - " begin = i*self.batch_size\n", - " end = (i+1)*self.batch_size\n", - " yield x_test[begin: end], label_test[begin: end]\n", + " def __getitem__(self, index):\n", + " return self.test_images[index], self.labels[index]\n", "\n", - " begin = (batch_nums-1)*self.batch_size\n", - " yield x_test[begin:], label_test[begin:]" + " def __len__(self):\n", + " return len(self.test_images)" ] }, { @@ -385,427 +250,9 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
import os\n",
-       "import numpy as np\n",
-       "\n",
-       "import tensorflow as tf\n",
-       "from tensorflow.python.keras import utils\n",
-       "\n",
-       "from tensorflow.keras.models import Sequential\n",
-       "from tensorflow.keras.layers import Dense, Dropout, Flatten, Activation, Reshape\n",
-       "from tensorflow.keras.layers import Convolution2D, MaxPooling2D\n",
-       "from tensorflow.keras.layers import BatchNormalization\n",
-       "from tensorflow.keras.optimizers import SGD, Adam\n",
-       "from tensorflow import keras\n",
-       "\n",
-       "import mnist_dataset\n",
-       "\n",
-       "\n",
-       "def save_mod(model, mod_path):\n",
-       "    print('Save to {}'.format(mod_path))\n",
-       "    tf.saved_model.save(model, mod_path)\n",
-       "\n",
-       "\n",
-       "def load_mod(model_file):\n",
-       "    model = tf.keras.models.load_model(model_file)\n",
-       "    print('Load from {}'.format(model_file))\n",
-       "    return model\n",
-       "\n",
-       "def save_frezon_pb(model, mod_path):\n",
-       "    # Convert Keras model to ConcreteFunction\n",
-       "    full_model = tf.function(lambda x: model(x))\n",
-       "    concrete_function = full_model.get_concrete_function(\n",
-       "        x=tf.TensorSpec(model.inputs[0].shape, model.inputs[0].dtype))\n",
-       "\n",
-       "    # Get frozen ConcreteFunction\n",
-       "    frozen_model = convert_variables_to_constants_v2(concrete_function)\n",
-       "\n",
-       "    # Generate frozen pb\n",
-       "    tf.io.write_graph(graph_or_graph_def=frozen_model.graph,\n",
-       "                      logdir=".",\n",
-       "                      name=mod_path,\n",
-       "                      as_text=False)\n",
-       "\n",
-       "\n",
-       "def load_pb(in_model):\n",
-       "    detection_graph = tf.compat.v1.Graph()\n",
-       "    with detection_graph.as_default():\n",
-       "        od_graph_def = tf.compat.v1.GraphDef()\n",
-       "        with tf.compat.v1.gfile.GFile(in_model, 'rb') as fid:\n",
-       "            serialized_graph = fid.read()\n",
-       "            od_graph_def.ParseFromString(serialized_graph)\n",
-       "            tf.compat.v1.import_graph_def(od_graph_def, name='')\n",
-       "\n",
-       "    return detection_graph\n",
-       "\n",
-       "def read_data():\n",
-       "    x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n",
-       "    return x_train, y_train, label_train, x_test, y_test, label_test\n",
-       "\n",
-       "def create_model(w, c, classes):\n",
-       "    model = Sequential()\n",
-       "    model.add(Convolution2D(96, 11, input_shape=(w, w, c), padding='same'))\n",
-       "    model.add(Activation('relu'))\n",
-       "    model.add(MaxPooling2D(pool_size=(2, 2)))\n",
-       "\n",
-       "    model.add(Convolution2D(256, 5, padding='same'))\n",
-       "    model.add(Activation('relu'))\n",
-       "    model.add(MaxPooling2D(pool_size=(2, 2)))\n",
-       "\n",
-       "    model.add(Convolution2D(384, 3, padding='same'))\n",
-       "    model.add(Activation('relu'))\n",
-       "\n",
-       "    model.add(Convolution2D(384, 3, padding='same'))\n",
-       "    model.add(Activation('relu'))\n",
-       "\n",
-       "    model.add(Convolution2D(256, 3, padding='same'))\n",
-       "    model.add(Activation('relu'))\n",
-       "\n",
-       "    model.add(Convolution2D(256, 7))\n",
-       "    model.add(Activation('relu'))\n",
-       "\n",
-       "    model.add(Flatten())\n",
-       "    model.add(Dense(classes))\n",
-       "    model.add(Activation('softmax'))\n",
-       "\n",
-       "    opt = Adam(learning_rate=0.001)\n",
-       "    model.compile(optimizer=opt, loss='categorical_crossentropy', metrics=['accuracy'])\n",
-       "    return model\n",
-       "\n",
-       "def train_mod(model, data, epochs=3):\n",
-       "    x_train, y_train, label_train, x_test, y_test, label_test = data\n",
-       "    model.fit(x_train, y_train, epochs=epochs, batch_size=600, validation_data=(x_test, y_test), verbose=1)\n",
-       "    score = model.evaluate(x_test, y_test, verbose=0)\n",
-       "    print('Test score:', score[0])\n",
-       "    print('Test accuracy:', score[1])\n",
-       "\n",
-       "def main():\n",
-       "    data = read_data()\n",
-       "\n",
-       "    classes = 10\n",
-       "    w = 28\n",
-       "    c = 1\n",
-       "    model = create_model(w ,c, classes)\n",
-       "    model.summary()\n",
-       "\n",
-       "    epochs = 3\n",
-       "    train_mod(model, data, epochs)\n",
-       "    save_mod(model, "alexnet_mnist_fp32_mod")\n",
-       "\n",
-       "if __name__ == "__main__":\n",
-       "    main()\n",
-       "
\n" - ], - "text/latex": [ - "\\begin{Verbatim}[commandchars=\\\\\\{\\}]\n", - "\\PY{k+kn}{import} \\PY{n+nn}{os}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{numpy} \\PY{k}{as} \\PY{n+nn}{np}\n", - "\n", - "\\PY{k+kn}{import} \\PY{n+nn}{tensorflow} \\PY{k}{as} \\PY{n+nn}{tf}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{python}\\PY{n+nn}{.}\\PY{n+nn}{keras} \\PY{k+kn}{import} \\PY{n}{utils}\n", - "\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{keras}\\PY{n+nn}{.}\\PY{n+nn}{models} \\PY{k+kn}{import} \\PY{n}{Sequential}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{keras}\\PY{n+nn}{.}\\PY{n+nn}{layers} \\PY{k+kn}{import} \\PY{n}{Dense}\\PY{p}{,} \\PY{n}{Dropout}\\PY{p}{,} \\PY{n}{Flatten}\\PY{p}{,} \\PY{n}{Activation}\\PY{p}{,} \\PY{n}{Reshape}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{keras}\\PY{n+nn}{.}\\PY{n+nn}{layers} \\PY{k+kn}{import} \\PY{n}{Convolution2D}\\PY{p}{,} \\PY{n}{MaxPooling2D}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{keras}\\PY{n+nn}{.}\\PY{n+nn}{layers} \\PY{k+kn}{import} \\PY{n}{BatchNormalization}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{keras}\\PY{n+nn}{.}\\PY{n+nn}{optimizers} \\PY{k+kn}{import} \\PY{n}{SGD}\\PY{p}{,} \\PY{n}{Adam}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{tensorflow} \\PY{k+kn}{import} \\PY{n}{keras}\n", - "\n", - "\\PY{k+kn}{import} \\PY{n+nn}{mnist\\PYZus{}dataset}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{save\\PYZus{}mod}\\PY{p}{(}\\PY{n}{model}\\PY{p}{,} \\PY{n}{mod\\PYZus{}path}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{Save to }\\PY{l+s+si}{\\PYZob{}\\PYZcb{}}\\PY{l+s+s1}{\\PYZsq{}}\\PY{o}{.}\\PY{n}{format}\\PY{p}{(}\\PY{n}{mod\\PYZus{}path}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{tf}\\PY{o}{.}\\PY{n}{saved\\PYZus{}model}\\PY{o}{.}\\PY{n}{save}\\PY{p}{(}\\PY{n}{model}\\PY{p}{,} \\PY{n}{mod\\PYZus{}path}\\PY{p}{)}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{load\\PYZus{}mod}\\PY{p}{(}\\PY{n}{model\\PYZus{}file}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{model} \\PY{o}{=} \\PY{n}{tf}\\PY{o}{.}\\PY{n}{keras}\\PY{o}{.}\\PY{n}{models}\\PY{o}{.}\\PY{n}{load\\PYZus{}model}\\PY{p}{(}\\PY{n}{model\\PYZus{}file}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{Load from }\\PY{l+s+si}{\\PYZob{}\\PYZcb{}}\\PY{l+s+s1}{\\PYZsq{}}\\PY{o}{.}\\PY{n}{format}\\PY{p}{(}\\PY{n}{model\\PYZus{}file}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{k}{return} \\PY{n}{model}\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{save\\PYZus{}frezon\\PYZus{}pb}\\PY{p}{(}\\PY{n}{model}\\PY{p}{,} \\PY{n}{mod\\PYZus{}path}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{c+c1}{\\PYZsh{} Convert Keras model to ConcreteFunction}\n", - " \\PY{n}{full\\PYZus{}model} \\PY{o}{=} \\PY{n}{tf}\\PY{o}{.}\\PY{n}{function}\\PY{p}{(}\\PY{k}{lambda} \\PY{n}{x}\\PY{p}{:} \\PY{n}{model}\\PY{p}{(}\\PY{n}{x}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{concrete\\PYZus{}function} \\PY{o}{=} \\PY{n}{full\\PYZus{}model}\\PY{o}{.}\\PY{n}{get\\PYZus{}concrete\\PYZus{}function}\\PY{p}{(}\n", - " \\PY{n}{x}\\PY{o}{=}\\PY{n}{tf}\\PY{o}{.}\\PY{n}{TensorSpec}\\PY{p}{(}\\PY{n}{model}\\PY{o}{.}\\PY{n}{inputs}\\PY{p}{[}\\PY{l+m+mi}{0}\\PY{p}{]}\\PY{o}{.}\\PY{n}{shape}\\PY{p}{,} \\PY{n}{model}\\PY{o}{.}\\PY{n}{inputs}\\PY{p}{[}\\PY{l+m+mi}{0}\\PY{p}{]}\\PY{o}{.}\\PY{n}{dtype}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{c+c1}{\\PYZsh{} Get frozen ConcreteFunction}\n", - " \\PY{n}{frozen\\PYZus{}model} \\PY{o}{=} \\PY{n}{convert\\PYZus{}variables\\PYZus{}to\\PYZus{}constants\\PYZus{}v2}\\PY{p}{(}\\PY{n}{concrete\\PYZus{}function}\\PY{p}{)}\n", - "\n", - " \\PY{c+c1}{\\PYZsh{} Generate frozen pb}\n", - " \\PY{n}{tf}\\PY{o}{.}\\PY{n}{io}\\PY{o}{.}\\PY{n}{write\\PYZus{}graph}\\PY{p}{(}\\PY{n}{graph\\PYZus{}or\\PYZus{}graph\\PYZus{}def}\\PY{o}{=}\\PY{n}{frozen\\PYZus{}model}\\PY{o}{.}\\PY{n}{graph}\\PY{p}{,}\n", - " \\PY{n}{logdir}\\PY{o}{=}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{.}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{,}\n", - " \\PY{n}{name}\\PY{o}{=}\\PY{n}{mod\\PYZus{}path}\\PY{p}{,}\n", - " \\PY{n}{as\\PYZus{}text}\\PY{o}{=}\\PY{k+kc}{False}\\PY{p}{)}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{load\\PYZus{}pb}\\PY{p}{(}\\PY{n}{in\\PYZus{}model}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{detection\\PYZus{}graph} \\PY{o}{=} \\PY{n}{tf}\\PY{o}{.}\\PY{n}{compat}\\PY{o}{.}\\PY{n}{v1}\\PY{o}{.}\\PY{n}{Graph}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{k}{with} \\PY{n}{detection\\PYZus{}graph}\\PY{o}{.}\\PY{n}{as\\PYZus{}default}\\PY{p}{(}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{od\\PYZus{}graph\\PYZus{}def} \\PY{o}{=} \\PY{n}{tf}\\PY{o}{.}\\PY{n}{compat}\\PY{o}{.}\\PY{n}{v1}\\PY{o}{.}\\PY{n}{GraphDef}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{k}{with} \\PY{n}{tf}\\PY{o}{.}\\PY{n}{compat}\\PY{o}{.}\\PY{n}{v1}\\PY{o}{.}\\PY{n}{gfile}\\PY{o}{.}\\PY{n}{GFile}\\PY{p}{(}\\PY{n}{in\\PYZus{}model}\\PY{p}{,} \\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{rb}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)} \\PY{k}{as} \\PY{n}{fid}\\PY{p}{:}\n", - " \\PY{n}{serialized\\PYZus{}graph} \\PY{o}{=} \\PY{n}{fid}\\PY{o}{.}\\PY{n}{read}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{n}{od\\PYZus{}graph\\PYZus{}def}\\PY{o}{.}\\PY{n}{ParseFromString}\\PY{p}{(}\\PY{n}{serialized\\PYZus{}graph}\\PY{p}{)}\n", - " \\PY{n}{tf}\\PY{o}{.}\\PY{n}{compat}\\PY{o}{.}\\PY{n}{v1}\\PY{o}{.}\\PY{n}{import\\PYZus{}graph\\PYZus{}def}\\PY{p}{(}\\PY{n}{od\\PYZus{}graph\\PYZus{}def}\\PY{p}{,} \\PY{n}{name}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\n", - "\n", - " \\PY{k}{return} \\PY{n}{detection\\PYZus{}graph}\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{read\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{x\\PYZus{}train}\\PY{p}{,} \\PY{n}{y\\PYZus{}train}\\PY{p}{,} \\PY{n}{label\\PYZus{}train}\\PY{p}{,} \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test} \\PY{o}{=} \\PY{n}{mnist\\PYZus{}dataset}\\PY{o}{.}\\PY{n}{read\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{k}{return} \\PY{n}{x\\PYZus{}train}\\PY{p}{,} \\PY{n}{y\\PYZus{}train}\\PY{p}{,} \\PY{n}{label\\PYZus{}train}\\PY{p}{,} \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test}\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{create\\PYZus{}model}\\PY{p}{(}\\PY{n}{w}\\PY{p}{,} \\PY{n}{c}\\PY{p}{,} \\PY{n}{classes}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{model} \\PY{o}{=} \\PY{n}{Sequential}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Convolution2D}\\PY{p}{(}\\PY{l+m+mi}{96}\\PY{p}{,} \\PY{l+m+mi}{11}\\PY{p}{,} \\PY{n}{input\\PYZus{}shape}\\PY{o}{=}\\PY{p}{(}\\PY{n}{w}\\PY{p}{,} \\PY{n}{w}\\PY{p}{,} \\PY{n}{c}\\PY{p}{)}\\PY{p}{,} \\PY{n}{padding}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{same}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{relu}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{MaxPooling2D}\\PY{p}{(}\\PY{n}{pool\\PYZus{}size}\\PY{o}{=}\\PY{p}{(}\\PY{l+m+mi}{2}\\PY{p}{,} \\PY{l+m+mi}{2}\\PY{p}{)}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Convolution2D}\\PY{p}{(}\\PY{l+m+mi}{256}\\PY{p}{,} \\PY{l+m+mi}{5}\\PY{p}{,} \\PY{n}{padding}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{same}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{relu}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{MaxPooling2D}\\PY{p}{(}\\PY{n}{pool\\PYZus{}size}\\PY{o}{=}\\PY{p}{(}\\PY{l+m+mi}{2}\\PY{p}{,} \\PY{l+m+mi}{2}\\PY{p}{)}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Convolution2D}\\PY{p}{(}\\PY{l+m+mi}{384}\\PY{p}{,} \\PY{l+m+mi}{3}\\PY{p}{,} \\PY{n}{padding}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{same}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{relu}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Convolution2D}\\PY{p}{(}\\PY{l+m+mi}{384}\\PY{p}{,} \\PY{l+m+mi}{3}\\PY{p}{,} \\PY{n}{padding}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{same}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{relu}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Convolution2D}\\PY{p}{(}\\PY{l+m+mi}{256}\\PY{p}{,} \\PY{l+m+mi}{3}\\PY{p}{,} \\PY{n}{padding}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{same}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{relu}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Convolution2D}\\PY{p}{(}\\PY{l+m+mi}{256}\\PY{p}{,} \\PY{l+m+mi}{7}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{relu}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Flatten}\\PY{p}{(}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Dense}\\PY{p}{(}\\PY{n}{classes}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{add}\\PY{p}{(}\\PY{n}{Activation}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{softmax}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - " \\PY{n}{opt} \\PY{o}{=} \\PY{n}{Adam}\\PY{p}{(}\\PY{n}{learning\\PYZus{}rate}\\PY{o}{=}\\PY{l+m+mf}{0.001}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{compile}\\PY{p}{(}\\PY{n}{optimizer}\\PY{o}{=}\\PY{n}{opt}\\PY{p}{,} \\PY{n}{loss}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{categorical\\PYZus{}crossentropy}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{metrics}\\PY{o}{=}\\PY{p}{[}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{accuracy}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{]}\\PY{p}{)}\n", - " \\PY{k}{return} \\PY{n}{model}\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{train\\PYZus{}mod}\\PY{p}{(}\\PY{n}{model}\\PY{p}{,} \\PY{n}{data}\\PY{p}{,} \\PY{n}{epochs}\\PY{o}{=}\\PY{l+m+mi}{3}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{x\\PYZus{}train}\\PY{p}{,} \\PY{n}{y\\PYZus{}train}\\PY{p}{,} \\PY{n}{label\\PYZus{}train}\\PY{p}{,} \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test} \\PY{o}{=} \\PY{n}{data}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{fit}\\PY{p}{(}\\PY{n}{x\\PYZus{}train}\\PY{p}{,} \\PY{n}{y\\PYZus{}train}\\PY{p}{,} \\PY{n}{epochs}\\PY{o}{=}\\PY{n}{epochs}\\PY{p}{,} \\PY{n}{batch\\PYZus{}size}\\PY{o}{=}\\PY{l+m+mi}{600}\\PY{p}{,} \\PY{n}{validation\\PYZus{}data}\\PY{o}{=}\\PY{p}{(}\\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{)}\\PY{p}{,} \\PY{n}{verbose}\\PY{o}{=}\\PY{l+m+mi}{1}\\PY{p}{)}\n", - " \\PY{n}{score} \\PY{o}{=} \\PY{n}{model}\\PY{o}{.}\\PY{n}{evaluate}\\PY{p}{(}\\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{verbose}\\PY{o}{=}\\PY{l+m+mi}{0}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{Test score:}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{score}\\PY{p}{[}\\PY{l+m+mi}{0}\\PY{p}{]}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{Test accuracy:}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{score}\\PY{p}{[}\\PY{l+m+mi}{1}\\PY{p}{]}\\PY{p}{)}\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{main}\\PY{p}{(}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{data} \\PY{o}{=} \\PY{n}{read\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\n", - "\n", - " \\PY{n}{classes} \\PY{o}{=} \\PY{l+m+mi}{10}\n", - " \\PY{n}{w} \\PY{o}{=} \\PY{l+m+mi}{28}\n", - " \\PY{n}{c} \\PY{o}{=} \\PY{l+m+mi}{1}\n", - " \\PY{n}{model} \\PY{o}{=} \\PY{n}{create\\PYZus{}model}\\PY{p}{(}\\PY{n}{w} \\PY{p}{,}\\PY{n}{c}\\PY{p}{,} \\PY{n}{classes}\\PY{p}{)}\n", - " \\PY{n}{model}\\PY{o}{.}\\PY{n}{summary}\\PY{p}{(}\\PY{p}{)}\n", - "\n", - " \\PY{n}{epochs} \\PY{o}{=} \\PY{l+m+mi}{3}\n", - " \\PY{n}{train\\PYZus{}mod}\\PY{p}{(}\\PY{n}{model}\\PY{p}{,} \\PY{n}{data}\\PY{p}{,} \\PY{n}{epochs}\\PY{p}{)}\n", - " \\PY{n}{save\\PYZus{}mod}\\PY{p}{(}\\PY{n}{model}\\PY{p}{,} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{alexnet\\PYZus{}mnist\\PYZus{}fp32\\PYZus{}mod}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{)}\n", - "\n", - "\\PY{k}{if} \\PY{n+nv+vm}{\\PYZus{}\\PYZus{}name\\PYZus{}\\PYZus{}} \\PY{o}{==} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{\\PYZus{}\\PYZus{}main\\PYZus{}\\PYZus{}}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{:}\n", - " \\PY{n}{main}\\PY{p}{(}\\PY{p}{)}\n", - "\\end{Verbatim}\n" - ], - "text/plain": [ - "import os\n", - "import numpy as np\n", - "\n", - "import tensorflow as tf\n", - "from tensorflow.python.keras import utils\n", - "\n", - "from tensorflow.keras.models import Sequential\n", - "from tensorflow.keras.layers import Dense, Dropout, Flatten, Activation, Reshape\n", - "from tensorflow.keras.layers import Convolution2D, MaxPooling2D\n", - "from tensorflow.keras.layers import BatchNormalization\n", - "from tensorflow.keras.optimizers import SGD, Adam\n", - "from tensorflow import keras\n", - "\n", - "import mnist_dataset\n", - "\n", - "\n", - "def save_mod(model, mod_path):\n", - " print('Save to {}'.format(mod_path))\n", - " tf.saved_model.save(model, mod_path)\n", - "\n", - "\n", - "def load_mod(model_file):\n", - " model = tf.keras.models.load_model(model_file)\n", - " print('Load from {}'.format(model_file))\n", - " return model\n", - "\n", - "def save_frezon_pb(model, mod_path):\n", - " # Convert Keras model to ConcreteFunction\n", - " full_model = tf.function(lambda x: model(x))\n", - " concrete_function = full_model.get_concrete_function(\n", - " x=tf.TensorSpec(model.inputs[0].shape, model.inputs[0].dtype))\n", - "\n", - " # Get frozen ConcreteFunction\n", - " frozen_model = convert_variables_to_constants_v2(concrete_function)\n", - "\n", - " # Generate frozen pb\n", - " tf.io.write_graph(graph_or_graph_def=frozen_model.graph,\n", - " logdir=\".\",\n", - " name=mod_path,\n", - " as_text=False)\n", - "\n", - "\n", - "def load_pb(in_model):\n", - " detection_graph = tf.compat.v1.Graph()\n", - " with detection_graph.as_default():\n", - " od_graph_def = tf.compat.v1.GraphDef()\n", - " with tf.compat.v1.gfile.GFile(in_model, 'rb') as fid:\n", - " serialized_graph = fid.read()\n", - " od_graph_def.ParseFromString(serialized_graph)\n", - " tf.compat.v1.import_graph_def(od_graph_def, name='')\n", - "\n", - " return detection_graph\n", - "\n", - "def read_data():\n", - " x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n", - " return x_train, y_train, label_train, x_test, y_test, label_test\n", - "\n", - "def create_model(w, c, classes):\n", - " model = Sequential()\n", - " model.add(Convolution2D(96, 11, input_shape=(w, w, c), padding='same'))\n", - " model.add(Activation('relu'))\n", - " model.add(MaxPooling2D(pool_size=(2, 2)))\n", - "\n", - " model.add(Convolution2D(256, 5, padding='same'))\n", - " model.add(Activation('relu'))\n", - " model.add(MaxPooling2D(pool_size=(2, 2)))\n", - "\n", - " model.add(Convolution2D(384, 3, padding='same'))\n", - " model.add(Activation('relu'))\n", - "\n", - " model.add(Convolution2D(384, 3, padding='same'))\n", - " model.add(Activation('relu'))\n", - "\n", - " model.add(Convolution2D(256, 3, padding='same'))\n", - " model.add(Activation('relu'))\n", - "\n", - " model.add(Convolution2D(256, 7))\n", - " model.add(Activation('relu'))\n", - "\n", - " model.add(Flatten())\n", - " model.add(Dense(classes))\n", - " model.add(Activation('softmax'))\n", - "\n", - " opt = Adam(learning_rate=0.001)\n", - " model.compile(optimizer=opt, loss='categorical_crossentropy', metrics=['accuracy'])\n", - " return model\n", - "\n", - "def train_mod(model, data, epochs=3):\n", - " x_train, y_train, label_train, x_test, y_test, label_test = data\n", - " model.fit(x_train, y_train, epochs=epochs, batch_size=600, validation_data=(x_test, y_test), verbose=1)\n", - " score = model.evaluate(x_test, y_test, verbose=0)\n", - " print('Test score:', score[0])\n", - " print('Test accuracy:', score[1])\n", - "\n", - "def main():\n", - " data = read_data()\n", - "\n", - " classes = 10\n", - " w = 28\n", - " c = 1\n", - " model = create_model(w ,c, classes)\n", - " model.summary()\n", - "\n", - " epochs = 3\n", - " train_mod(model, data, epochs)\n", - " save_mod(model, \"alexnet_mnist_fp32_mod\")\n", - "\n", - "if __name__ == \"__main__\":\n", - " main()" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display.Code('alexnet.py')" ] @@ -814,225 +261,51 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Define Yaml File\n", - "\n", - "We created `quant_config.yaml` to save the necessary parameters for Intel® Neural Compressor (INC).\n", - "In this case, we only need to change the input/output according to the FP32 model.\n", + "### Define Tuning Function\n", + "We follow the template to create the tuning function. The function will return a frozen quantized model (INT8 model).\n", "\n", - "The input node name is **x**.\n", + "The quantization parameters are set by the APIs as following code.\n", "\n", - "The output name is **Identity**." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
# refer https://intel.github.io/neural-compressor/latest/autoapi/neural_compressor/config/index.html#neural_compressor.config.PostTrainingQuantConfig\n",
-       "\n",
-       "quant_config:\n",
-       "    device: "cpu"\n",
-       "    backend: "itex"\n",
-       "    inputs: "x"\n",
-       "    outputs: "Identity"\n",
-       "    approach: "auto"\n",
-       "\n",
-       "tuning_criterion:\n",
-       "    timeout: 0  # optional. tuning timeout (seconds). When set to 0, early stopping is enabled.\n",
-       "    max_trials: 100  # optional. max tuning times. combined with the `timeout` field to decide when to exit tuning.\n",
-       "    strategy: "basic"  # optional. name of the tuning strategy.\n",
-       "    strategy_kwargs: None  # optional. see concrete tuning strategy for available settings.\n",
-       "\n",
-       "accuracy_criterion:\n",
-       "    higher_is_better: True  # optional.\n",
-       "    criterion: "relative"  # optional. Available values are 'relative' and 'absolute'.\n",
-       "    tolerable_loss: 0.01  # optional.\n",
-       "
\n" - ], - "text/latex": [ - "\\begin{Verbatim}[commandchars=\\\\\\{\\}]\n", - "\\PY{c+c1}{\\PYZsh{} refer https://intel.github.io/neural\\PYZhy{}compressor/latest/autoapi/neural\\PYZus{}compressor/config/index.html\\PYZsh{}neural\\PYZus{}compressor.config.PostTrainingQuantConfig}\n", - "\n", - "\\PY{n+nt}{quant\\PYZus{}config}\\PY{p}{:}\n", - "\\PY{+w}{ }\\PY{n+nt}{device}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{cpu}\\PY{l+s}{\\PYZdq{}}\n", - "\\PY{+w}{ }\\PY{n+nt}{backend}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{itex}\\PY{l+s}{\\PYZdq{}}\n", - "\\PY{+w}{ }\\PY{n+nt}{inputs}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{x}\\PY{l+s}{\\PYZdq{}}\n", - "\\PY{+w}{ }\\PY{n+nt}{outputs}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{Identity}\\PY{l+s}{\\PYZdq{}}\n", - "\\PY{+w}{ }\\PY{n+nt}{approach}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{auto}\\PY{l+s}{\\PYZdq{}}\n", - "\n", - "\\PY{n+nt}{tuning\\PYZus{}criterion}\\PY{p}{:}\n", - "\\PY{+w}{ }\\PY{n+nt}{timeout}\\PY{p}{:}\\PY{+w}{ }\\PY{l+lScalar+lScalarPlain}{0}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional. tuning timeout (seconds). When set to 0, early stopping is enabled.}\n", - "\\PY{+w}{ }\\PY{n+nt}{max\\PYZus{}trials}\\PY{p}{:}\\PY{+w}{ }\\PY{l+lScalar+lScalarPlain}{100}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional. max tuning times. combined with the `timeout` field to decide when to exit tuning.}\n", - "\\PY{+w}{ }\\PY{n+nt}{strategy}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{basic}\\PY{l+s}{\\PYZdq{}}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional. name of the tuning strategy.}\n", - "\\PY{+w}{ }\\PY{n+nt}{strategy\\PYZus{}kwargs}\\PY{p}{:}\\PY{+w}{ }\\PY{l+lScalar+lScalarPlain}{None}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional. see concrete tuning strategy for available settings.}\n", - "\n", - "\\PY{n+nt}{accuracy\\PYZus{}criterion}\\PY{p}{:}\n", - "\\PY{+w}{ }\\PY{n+nt}{higher\\PYZus{}is\\PYZus{}better}\\PY{p}{:}\\PY{+w}{ }\\PY{l+lScalar+lScalarPlain}{True}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional.}\n", - "\\PY{+w}{ }\\PY{n+nt}{criterion}\\PY{p}{:}\\PY{+w}{ }\\PY{l+s}{\\PYZdq{}}\\PY{l+s}{relative}\\PY{l+s}{\\PYZdq{}}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional. Available values are \\PYZsq{}relative\\PYZsq{} and \\PYZsq{}absolute\\PYZsq{}.}\n", - "\\PY{+w}{ }\\PY{n+nt}{tolerable\\PYZus{}loss}\\PY{p}{:}\\PY{+w}{ }\\PY{l+lScalar+lScalarPlain}{0.01}\\PY{+w}{ }\\PY{c+c1}{\\PYZsh{} optional.}\n", - "\\end{Verbatim}\n" - ], - "text/plain": [ - "# refer https://intel.github.io/neural-compressor/latest/autoapi/neural_compressor/config/index.html#neural_compressor.config.PostTrainingQuantConfig\n", - "\n", - "quant_config:\n", - " device: \"cpu\"\n", - " backend: \"itex\"\n", - " inputs: \"x\"\n", - " outputs: \"Identity\"\n", - " approach: \"auto\"\n", - "\n", - "tuning_criterion:\n", - " timeout: 0 # optional. tuning timeout (seconds). When set to 0, early stopping is enabled.\n", - " max_trials: 100 # optional. max tuning times. combined with the `timeout` field to decide when to exit tuning.\n", - " strategy: \"basic\" # optional. name of the tuning strategy.\n", - " strategy_kwargs: None # optional. see concrete tuning strategy for available settings.\n", - "\n", - "accuracy_criterion:\n", - " higher_is_better: True # optional.\n", - " criterion: \"relative\" # optional. Available values are 'relative' and 'absolute'.\n", - " tolerable_loss: 0.01 # optional." - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "display.Code('quant_config.yaml')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Define Tuning Function\n", - "We follow the template to create the tuning function. The function will return a frozen quantized model (INT8 model)." - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "from neural_compressor.quantization import fit\n", - "from neural_compressor.config import PostTrainingQuantConfig, TuningCriterion, AccuracyCriterion " + "- max_trials: max trials for quantization. Exit when retry times is more than it.\n", + "- approach: quantization method. 'static' is recommended for better performance.\n", + "- criterion: relative\n", + "- tolerable_loss: 0.01 - allow the accuracy loss is less than relative 1%.\n" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": { "scrolled": true }, "outputs": [], "source": [ - "def auto_tune(input_graph_path, config, batch_size): \n", - " fp32_graph = alexnet.load_pb(input_graph_path)\n", - " dataloader = Dataloader(batch_size)\n", - " assert(dataloader)\n", - " \n", - " tuning_criterion = TuningCriterion(**config[\"tuning_criterion\"])\n", - " accuracy_criterion = AccuracyCriterion(**config[\"accuracy_criterion\"])\n", + "def auto_tune(input_graph_path, batch_size):\n", + " dataset = Dataset()\n", + " dataloader = DataLoader(framework='tensorflow', dataset=dataset, batch_size=batch_size)\n", + " tuning_criterion = TuningCriterion(max_trials=100)\n", + " config = PostTrainingQuantConfig(approach=\"static\", tuning_criterion=tuning_criterion,\n", + " accuracy_criterion = AccuracyCriterion(\n", + " higher_is_better=True, \n", + " criterion='relative', \n", + " tolerable_loss=0.01 )\n", + " )\n", + " top1 = Metric(name=\"topk\", k=1)\n", + "\n", " q_model = fit(\n", - " model=input_graph_path,\n", - " conf=PostTrainingQuantConfig(**config[\"quant_config\"],\n", - " tuning_criterion=tuning_criterion,\n", - " accuracy_criterion=accuracy_criterion,\n", - " ),\n", - " calib_dataloader=dataloader,\n", + " model=input_graph_path,\n", + " conf=config,\n", + " calib_dataloader=dataloader,\n", + " eval_dataloader=dataloader,\n", + " eval_metric=top1\n", " )\n", + " \n", + "\n", " return q_model\n", "\n", "\n", - "def save_int8_frezon_pb(q_model, path):\n", - " from tensorflow.python.platform import gfile\n", - " f = gfile.GFile(path, 'wb')\n", - " f.write(q_model.graph.as_graph_def().SerializeToString())\n", - " print(\"Save to {}\".format(path))\n", - " \n", - "yaml_file = \"quant_config.yaml\"\n", "batch_size = 200\n", + "fp32_frozen_pb_file = \"fp32_frozen.pb\"\n", "int8_pb_file = \"alexnet_int8_model.pb\"" ] }, @@ -1047,289 +320,11 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
import neural_compressor as inc\n",
-       "print("neural_compressor version {}".format(inc.__version__))\n",
-       "\n",
-       "import alexnet\n",
-       "import math\n",
-       "import yaml\n",
-       "import mnist_dataset\n",
-       "from neural_compressor.quantization import fit\n",
-       "from neural_compressor.config import PostTrainingQuantConfig, TuningCriterion, AccuracyCriterion \n",
-       "\n",
-       "\n",
-       "def save_int8_frezon_pb(q_model, path):\n",
-       "    from tensorflow.python.platform import gfile\n",
-       "    f = gfile.GFile(path, 'wb')\n",
-       "    f.write(q_model.graph.as_graph_def().SerializeToString())\n",
-       "    print("Save to {}".format(path))\n",
-       "\n",
-       "\n",
-       "class Dataloader(object):\n",
-       "    def __init__(self, batch_size):\n",
-       "        self.batch_size = batch_size\n",
-       "\n",
-       "    def __iter__(self):\n",
-       "        x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n",
-       "        batch_nums = math.ceil(len(x_test) / self.batch_size)\n",
-       "\n",
-       "        for i in range(batch_nums - 1):\n",
-       "            begin = i * self.batch_size\n",
-       "            end = (i + 1) * self.batch_size\n",
-       "            yield x_test[begin: end], label_test[begin: end]\n",
-       "\n",
-       "        begin = (batch_nums - 1) * self.batch_size\n",
-       "        yield x_test[begin:], label_test[begin:]\n",
-       "\n",
-       "\n",
-       "def auto_tune(input_graph_path, config, batch_size):    \n",
-       "    fp32_graph = alexnet.load_pb(input_graph_path)\n",
-       "    dataloader = Dataloader(batch_size)\n",
-       "    assert(dataloader)\n",
-       "    \n",
-       "    tuning_criterion = TuningCriterion(**config["tuning_criterion"])\n",
-       "    accuracy_criterion = AccuracyCriterion(**config["accuracy_criterion"])\n",
-       "    q_model = fit(\n",
-       "            model=input_graph_path,\n",
-       "            conf=PostTrainingQuantConfig(**config["quant_config"],\n",
-       "                        tuning_criterion=tuning_criterion,\n",
-       "                        accuracy_criterion=accuracy_criterion,\n",
-       "                ),\n",
-       "            calib_dataloader=dataloader,\n",
-       "        )\n",
-       "    return q_model\n",
-       "\n",
-       "\n",
-       "batch_size = 200\n",
-       "fp32_frezon_pb_file = "fp32_frezon.pb"\n",
-       "int8_pb_file = "alexnet_int8_model.pb"\n",
-       "\n",
-       "with open("quant_config.yaml") as f:\n",
-       "    config = yaml.safe_load(f.read())\n",
-       "config\n",
-       "\n",
-       "q_model = auto_tune(fp32_frezon_pb_file, config, batch_size)\n",
-       "save_int8_frezon_pb(q_model, int8_pb_file)\n",
-       "
\n" - ], - "text/latex": [ - "\\begin{Verbatim}[commandchars=\\\\\\{\\}]\n", - "\\PY{k+kn}{import} \\PY{n+nn}{neural\\PYZus{}compressor} \\PY{k}{as} \\PY{n+nn}{inc}\n", - "\\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{neural\\PYZus{}compressor version }\\PY{l+s+si}{\\PYZob{}\\PYZcb{}}\\PY{l+s+s2}{\\PYZdq{}}\\PY{o}{.}\\PY{n}{format}\\PY{p}{(}\\PY{n}{inc}\\PY{o}{.}\\PY{n}{\\PYZus{}\\PYZus{}version\\PYZus{}\\PYZus{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - "\\PY{k+kn}{import} \\PY{n+nn}{alexnet}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{math}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{yaml}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{mnist\\PYZus{}dataset}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{neural\\PYZus{}compressor}\\PY{n+nn}{.}\\PY{n+nn}{quantization} \\PY{k+kn}{import} \\PY{n}{fit}\n", - "\\PY{k+kn}{from} \\PY{n+nn}{neural\\PYZus{}compressor}\\PY{n+nn}{.}\\PY{n+nn}{config} \\PY{k+kn}{import} \\PY{n}{PostTrainingQuantConfig}\\PY{p}{,} \\PY{n}{TuningCriterion}\\PY{p}{,} \\PY{n}{AccuracyCriterion} \n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{save\\PYZus{}int8\\PYZus{}frezon\\PYZus{}pb}\\PY{p}{(}\\PY{n}{q\\PYZus{}model}\\PY{p}{,} \\PY{n}{path}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{k+kn}{from} \\PY{n+nn}{tensorflow}\\PY{n+nn}{.}\\PY{n+nn}{python}\\PY{n+nn}{.}\\PY{n+nn}{platform} \\PY{k+kn}{import} \\PY{n}{gfile}\n", - " \\PY{n}{f} \\PY{o}{=} \\PY{n}{gfile}\\PY{o}{.}\\PY{n}{GFile}\\PY{p}{(}\\PY{n}{path}\\PY{p}{,} \\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{wb}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)}\n", - " \\PY{n}{f}\\PY{o}{.}\\PY{n}{write}\\PY{p}{(}\\PY{n}{q\\PYZus{}model}\\PY{o}{.}\\PY{n}{graph}\\PY{o}{.}\\PY{n}{as\\PYZus{}graph\\PYZus{}def}\\PY{p}{(}\\PY{p}{)}\\PY{o}{.}\\PY{n}{SerializeToString}\\PY{p}{(}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{Save to }\\PY{l+s+si}{\\PYZob{}\\PYZcb{}}\\PY{l+s+s2}{\\PYZdq{}}\\PY{o}{.}\\PY{n}{format}\\PY{p}{(}\\PY{n}{path}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - "\n", - "\\PY{k}{class} \\PY{n+nc}{Dataloader}\\PY{p}{(}\\PY{n+nb}{object}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{k}{def} \\PY{n+nf+fm}{\\PYZus{}\\PYZus{}init\\PYZus{}\\PYZus{}}\\PY{p}{(}\\PY{n+nb+bp}{self}\\PY{p}{,} \\PY{n}{batch\\PYZus{}size}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n+nb+bp}{self}\\PY{o}{.}\\PY{n}{batch\\PYZus{}size} \\PY{o}{=} \\PY{n}{batch\\PYZus{}size}\n", - "\n", - " \\PY{k}{def} \\PY{n+nf+fm}{\\PYZus{}\\PYZus{}iter\\PYZus{}\\PYZus{}}\\PY{p}{(}\\PY{n+nb+bp}{self}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{x\\PYZus{}train}\\PY{p}{,} \\PY{n}{y\\PYZus{}train}\\PY{p}{,} \\PY{n}{label\\PYZus{}train}\\PY{p}{,} \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test} \\PY{o}{=} \\PY{n}{mnist\\PYZus{}dataset}\\PY{o}{.}\\PY{n}{read\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{n}{batch\\PYZus{}nums} \\PY{o}{=} \\PY{n}{math}\\PY{o}{.}\\PY{n}{ceil}\\PY{p}{(}\\PY{n+nb}{len}\\PY{p}{(}\\PY{n}{x\\PYZus{}test}\\PY{p}{)} \\PY{o}{/} \\PY{n+nb+bp}{self}\\PY{o}{.}\\PY{n}{batch\\PYZus{}size}\\PY{p}{)}\n", - "\n", - " \\PY{k}{for} \\PY{n}{i} \\PY{o+ow}{in} \\PY{n+nb}{range}\\PY{p}{(}\\PY{n}{batch\\PYZus{}nums} \\PY{o}{\\PYZhy{}} \\PY{l+m+mi}{1}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{begin} \\PY{o}{=} \\PY{n}{i} \\PY{o}{*} \\PY{n+nb+bp}{self}\\PY{o}{.}\\PY{n}{batch\\PYZus{}size}\n", - " \\PY{n}{end} \\PY{o}{=} \\PY{p}{(}\\PY{n}{i} \\PY{o}{+} \\PY{l+m+mi}{1}\\PY{p}{)} \\PY{o}{*} \\PY{n+nb+bp}{self}\\PY{o}{.}\\PY{n}{batch\\PYZus{}size}\n", - " \\PY{k}{yield} \\PY{n}{x\\PYZus{}test}\\PY{p}{[}\\PY{n}{begin}\\PY{p}{:} \\PY{n}{end}\\PY{p}{]}\\PY{p}{,} \\PY{n}{label\\PYZus{}test}\\PY{p}{[}\\PY{n}{begin}\\PY{p}{:} \\PY{n}{end}\\PY{p}{]}\n", - "\n", - " \\PY{n}{begin} \\PY{o}{=} \\PY{p}{(}\\PY{n}{batch\\PYZus{}nums} \\PY{o}{\\PYZhy{}} \\PY{l+m+mi}{1}\\PY{p}{)} \\PY{o}{*} \\PY{n+nb+bp}{self}\\PY{o}{.}\\PY{n}{batch\\PYZus{}size}\n", - " \\PY{k}{yield} \\PY{n}{x\\PYZus{}test}\\PY{p}{[}\\PY{n}{begin}\\PY{p}{:}\\PY{p}{]}\\PY{p}{,} \\PY{n}{label\\PYZus{}test}\\PY{p}{[}\\PY{n}{begin}\\PY{p}{:}\\PY{p}{]}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{auto\\PYZus{}tune}\\PY{p}{(}\\PY{n}{input\\PYZus{}graph\\PYZus{}path}\\PY{p}{,} \\PY{n}{config}\\PY{p}{,} \\PY{n}{batch\\PYZus{}size}\\PY{p}{)}\\PY{p}{:} \n", - " \\PY{n}{fp32\\PYZus{}graph} \\PY{o}{=} \\PY{n}{alexnet}\\PY{o}{.}\\PY{n}{load\\PYZus{}pb}\\PY{p}{(}\\PY{n}{input\\PYZus{}graph\\PYZus{}path}\\PY{p}{)}\n", - " \\PY{n}{dataloader} \\PY{o}{=} \\PY{n}{Dataloader}\\PY{p}{(}\\PY{n}{batch\\PYZus{}size}\\PY{p}{)}\n", - " \\PY{k}{assert}\\PY{p}{(}\\PY{n}{dataloader}\\PY{p}{)}\n", - " \n", - " \\PY{n}{tuning\\PYZus{}criterion} \\PY{o}{=} \\PY{n}{TuningCriterion}\\PY{p}{(}\\PY{o}{*}\\PY{o}{*}\\PY{n}{config}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{tuning\\PYZus{}criterion}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]}\\PY{p}{)}\n", - " \\PY{n}{accuracy\\PYZus{}criterion} \\PY{o}{=} \\PY{n}{AccuracyCriterion}\\PY{p}{(}\\PY{o}{*}\\PY{o}{*}\\PY{n}{config}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{accuracy\\PYZus{}criterion}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]}\\PY{p}{)}\n", - " \\PY{n}{q\\PYZus{}model} \\PY{o}{=} \\PY{n}{fit}\\PY{p}{(}\n", - " \\PY{n}{model}\\PY{o}{=}\\PY{n}{input\\PYZus{}graph\\PYZus{}path}\\PY{p}{,}\n", - " \\PY{n}{conf}\\PY{o}{=}\\PY{n}{PostTrainingQuantConfig}\\PY{p}{(}\\PY{o}{*}\\PY{o}{*}\\PY{n}{config}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{quant\\PYZus{}config}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]}\\PY{p}{,}\n", - " \\PY{n}{tuning\\PYZus{}criterion}\\PY{o}{=}\\PY{n}{tuning\\PYZus{}criterion}\\PY{p}{,}\n", - " \\PY{n}{accuracy\\PYZus{}criterion}\\PY{o}{=}\\PY{n}{accuracy\\PYZus{}criterion}\\PY{p}{,}\n", - " \\PY{p}{)}\\PY{p}{,}\n", - " \\PY{n}{calib\\PYZus{}dataloader}\\PY{o}{=}\\PY{n}{dataloader}\\PY{p}{,}\n", - " \\PY{p}{)}\n", - " \\PY{k}{return} \\PY{n}{q\\PYZus{}model}\n", - "\n", - "\n", - "\\PY{n}{batch\\PYZus{}size} \\PY{o}{=} \\PY{l+m+mi}{200}\n", - "\\PY{n}{fp32\\PYZus{}frezon\\PYZus{}pb\\PYZus{}file} \\PY{o}{=} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{fp32\\PYZus{}frezon.pb}\\PY{l+s+s2}{\\PYZdq{}}\n", - "\\PY{n}{int8\\PYZus{}pb\\PYZus{}file} \\PY{o}{=} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{alexnet\\PYZus{}int8\\PYZus{}model.pb}\\PY{l+s+s2}{\\PYZdq{}}\n", - "\n", - "\\PY{k}{with} \\PY{n+nb}{open}\\PY{p}{(}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{quant\\PYZus{}config.yaml}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{)} \\PY{k}{as} \\PY{n}{f}\\PY{p}{:}\n", - " \\PY{n}{config} \\PY{o}{=} \\PY{n}{yaml}\\PY{o}{.}\\PY{n}{safe\\PYZus{}load}\\PY{p}{(}\\PY{n}{f}\\PY{o}{.}\\PY{n}{read}\\PY{p}{(}\\PY{p}{)}\\PY{p}{)}\n", - "\\PY{n}{config}\n", - "\n", - "\\PY{n}{q\\PYZus{}model} \\PY{o}{=} \\PY{n}{auto\\PYZus{}tune}\\PY{p}{(}\\PY{n}{fp32\\PYZus{}frezon\\PYZus{}pb\\PYZus{}file}\\PY{p}{,} \\PY{n}{config}\\PY{p}{,} \\PY{n}{batch\\PYZus{}size}\\PY{p}{)}\n", - "\\PY{n}{save\\PYZus{}int8\\PYZus{}frezon\\PYZus{}pb}\\PY{p}{(}\\PY{n}{q\\PYZus{}model}\\PY{p}{,} \\PY{n}{int8\\PYZus{}pb\\PYZus{}file}\\PY{p}{)}\n", - "\\end{Verbatim}\n" - ], - "text/plain": [ - "import neural_compressor as inc\n", - "print(\"neural_compressor version {}\".format(inc.__version__))\n", - "\n", - "import alexnet\n", - "import math\n", - "import yaml\n", - "import mnist_dataset\n", - "from neural_compressor.quantization import fit\n", - "from neural_compressor.config import PostTrainingQuantConfig, TuningCriterion, AccuracyCriterion \n", - "\n", - "\n", - "def save_int8_frezon_pb(q_model, path):\n", - " from tensorflow.python.platform import gfile\n", - " f = gfile.GFile(path, 'wb')\n", - " f.write(q_model.graph.as_graph_def().SerializeToString())\n", - " print(\"Save to {}\".format(path))\n", - "\n", - "\n", - "class Dataloader(object):\n", - " def __init__(self, batch_size):\n", - " self.batch_size = batch_size\n", - "\n", - " def __iter__(self):\n", - " x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n", - " batch_nums = math.ceil(len(x_test) / self.batch_size)\n", - "\n", - " for i in range(batch_nums - 1):\n", - " begin = i * self.batch_size\n", - " end = (i + 1) * self.batch_size\n", - " yield x_test[begin: end], label_test[begin: end]\n", - "\n", - " begin = (batch_nums - 1) * self.batch_size\n", - " yield x_test[begin:], label_test[begin:]\n", - "\n", - "\n", - "def auto_tune(input_graph_path, config, batch_size): \n", - " fp32_graph = alexnet.load_pb(input_graph_path)\n", - " dataloader = Dataloader(batch_size)\n", - " assert(dataloader)\n", - " \n", - " tuning_criterion = TuningCriterion(**config[\"tuning_criterion\"])\n", - " accuracy_criterion = AccuracyCriterion(**config[\"accuracy_criterion\"])\n", - " q_model = fit(\n", - " model=input_graph_path,\n", - " conf=PostTrainingQuantConfig(**config[\"quant_config\"],\n", - " tuning_criterion=tuning_criterion,\n", - " accuracy_criterion=accuracy_criterion,\n", - " ),\n", - " calib_dataloader=dataloader,\n", - " )\n", - " return q_model\n", - "\n", - "\n", - "batch_size = 200\n", - "fp32_frezon_pb_file = \"fp32_frezon.pb\"\n", - "int8_pb_file = \"alexnet_int8_model.pb\"\n", - "\n", - "with open(\"quant_config.yaml\") as f:\n", - " config = yaml.safe_load(f.read())\n", - "config\n", - "\n", - "q_model = auto_tune(fp32_frezon_pb_file, config, batch_size)\n", - "save_int8_frezon_pb(q_model, int8_pb_file)" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "display.Code('inc_quantize_model.py')" ] @@ -1343,177 +338,11 @@ }, { "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "neural_compressor version 2.5.1\n", - "2024-04-24 19:47:28.802650: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", - "2024-04-24 19:47:28.805195: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:47:28.834764: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-04-24 19:47:28.834786: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-04-24 19:47:28.835733: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-04-24 19:47:28.841053: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:47:28.841223: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\n", - "To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\n", - "2024-04-24 19:47:29.508416: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "2024-04-24 19:47:29.820087: I itex/core/wrapper/itex_cpu_wrapper.cc:60] Intel Extension for Tensorflow* AVX512 CPU backend is loaded.\n", - "2024-04-24 19:47:30 [INFO] Start auto tuning.\n", - "2024-04-24 19:47:30 [INFO] Quantize model without tuning!\n", - "2024-04-24 19:47:30 [INFO] Quantize the model with default configuration without evaluating the model. To perform the tuning process, please either provide an eval_func or provide an eval_dataloader an eval_metric.\n", - "2024-04-24 19:47:30 [INFO] Adaptor has 5 recipes.\n", - "2024-04-24 19:47:30 [INFO] 0 recipes specified by user.\n", - "2024-04-24 19:47:30 [INFO] 3 recipes require future tuning.\n", - "2024-04-24 19:47:32 [INFO] *** Initialize auto tuning\n", - "2024-04-24 19:47:32 [INFO] {\n", - "2024-04-24 19:47:32 [INFO] 'PostTrainingQuantConfig': {\n", - "2024-04-24 19:47:32 [INFO] 'AccuracyCriterion': {\n", - "2024-04-24 19:47:32 [INFO] 'criterion': 'relative',\n", - "2024-04-24 19:47:32 [INFO] 'higher_is_better': True,\n", - "2024-04-24 19:47:32 [INFO] 'tolerable_loss': 0.01,\n", - "2024-04-24 19:47:32 [INFO] 'absolute': None,\n", - "2024-04-24 19:47:32 [INFO] 'keys': >,\n", - "2024-04-24 19:47:32 [INFO] 'relative': 0.01\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'approach': 'post_training_auto_quant',\n", - "2024-04-24 19:47:32 [INFO] 'backend': 'itex',\n", - "2024-04-24 19:47:32 [INFO] 'calibration_sampling_size': [\n", - "2024-04-24 19:47:32 [INFO] 100\n", - "2024-04-24 19:47:32 [INFO] ],\n", - "2024-04-24 19:47:32 [INFO] 'device': 'cpu',\n", - "2024-04-24 19:47:32 [INFO] 'diagnosis': False,\n", - "2024-04-24 19:47:32 [INFO] 'domain': 'auto',\n", - "2024-04-24 19:47:32 [INFO] 'example_inputs': 'Not printed here due to large size tensors...',\n", - "2024-04-24 19:47:32 [INFO] 'excluded_precisions': [\n", - "2024-04-24 19:47:32 [INFO] ],\n", - "2024-04-24 19:47:32 [INFO] 'framework': 'tensorflow_itex',\n", - "2024-04-24 19:47:32 [INFO] 'inputs': 'x',\n", - "2024-04-24 19:47:32 [INFO] 'model_name': '',\n", - "2024-04-24 19:47:32 [INFO] 'ni_workload_name': 'quantization',\n", - "2024-04-24 19:47:32 [INFO] 'op_name_dict': None,\n", - "2024-04-24 19:47:32 [INFO] 'op_type_dict': None,\n", - "2024-04-24 19:47:32 [INFO] 'outputs': 'Identity',\n", - "2024-04-24 19:47:32 [INFO] 'quant_format': 'default',\n", - "2024-04-24 19:47:32 [INFO] 'quant_level': 'auto',\n", - "2024-04-24 19:47:32 [INFO] 'recipes': {\n", - "2024-04-24 19:47:32 [INFO] 'smooth_quant': False,\n", - "2024-04-24 19:47:32 [INFO] 'smooth_quant_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'layer_wise_quant': False,\n", - "2024-04-24 19:47:32 [INFO] 'layer_wise_quant_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'fast_bias_correction': False,\n", - "2024-04-24 19:47:32 [INFO] 'weight_correction': False,\n", - "2024-04-24 19:47:32 [INFO] 'gemm_to_matmul': True,\n", - "2024-04-24 19:47:32 [INFO] 'graph_optimization_level': None,\n", - "2024-04-24 19:47:32 [INFO] 'first_conv_or_matmul_quantization': True,\n", - "2024-04-24 19:47:32 [INFO] 'last_conv_or_matmul_quantization': True,\n", - "2024-04-24 19:47:32 [INFO] 'pre_post_process_quantization': True,\n", - "2024-04-24 19:47:32 [INFO] 'add_qdq_pair_to_weight': False,\n", - "2024-04-24 19:47:32 [INFO] 'optypes_to_exclude_output_quant': [\n", - "2024-04-24 19:47:32 [INFO] ],\n", - "2024-04-24 19:47:32 [INFO] 'dedicated_qdq_pair': False,\n", - "2024-04-24 19:47:32 [INFO] 'rtn_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'awq_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'gptq_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'teq_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'autoround_args': {\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'scale_propagation_max_pooling': True,\n", - "2024-04-24 19:47:32 [INFO] 'scale_propagation_concat': True\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'reduce_range': None,\n", - "2024-04-24 19:47:32 [INFO] 'TuningCriterion': {\n", - "2024-04-24 19:47:32 [INFO] 'max_trials': 100,\n", - "2024-04-24 19:47:32 [INFO] 'objective': [\n", - "2024-04-24 19:47:32 [INFO] 'performance'\n", - "2024-04-24 19:47:32 [INFO] ],\n", - "2024-04-24 19:47:32 [INFO] 'strategy': 'basic',\n", - "2024-04-24 19:47:32 [INFO] 'strategy_kwargs': 'None',\n", - "2024-04-24 19:47:32 [INFO] 'timeout': 0\n", - "2024-04-24 19:47:32 [INFO] },\n", - "2024-04-24 19:47:32 [INFO] 'use_bf16': True\n", - "2024-04-24 19:47:32 [INFO] }\n", - "2024-04-24 19:47:32 [INFO] }\n", - "2024-04-24 19:47:32 [WARNING] [Strategy] Please install `mpi4py` correctly if using distributed tuning; otherwise, ignore this warning.\n", - "2024-04-24 19:47:32 [WARNING] Node name y specified in yaml doesn't exist in the model.\n", - "2024-04-24 19:47:32 [WARNING] Found possible input node names: ['x'], output node names: ['Identity'].\n", - "2024-04-24 19:47:32 [INFO] ConvertLayoutOptimizer elapsed time: 0.06 ms\n", - "2024-04-24 19:47:32 [INFO] Pass ConvertPlaceholderToConst elapsed time: 2.69 ms\n", - "2024-04-24 19:47:32 [INFO] Pass SwitchOptimizer elapsed time: 2.93 ms\n", - "2024-04-24 19:47:32.555803: I tensorflow/core/grappler/devices.cc:66] Number of eligible GPUs (core count >= 8, compute capability >= 0.0): 0\n", - "2024-04-24 19:47:32.555988: I tensorflow/core/grappler/clusters/single_machine.cc:361] Starting new session\n", - "2024-04-24 19:47:32 [INFO] Pass GrapplerOptimizer elapsed time: 242.44 ms\n", - "WARNING:tensorflow:From /intel/oneapi/intelpython/envs/tensorflow/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/util.py:399: extract_sub_graph (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.\n", - "Instructions for updating:\n", - "This API was designed for TensorFlow v1. See https://www.tensorflow.org/guide/migrate for instructions on how to migrate your code to TensorFlow v2.\n", - "2024-04-24 19:47:32,738 - tensorflow - WARNING - From /intel/oneapi/intelpython/envs/tensorflow/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/util.py:399: extract_sub_graph (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.\n", - "Instructions for updating:\n", - "This API was designed for TensorFlow v1. See https://www.tensorflow.org/guide/migrate for instructions on how to migrate your code to TensorFlow v2.\n", - "2024-04-24 19:47:32 [INFO] Pass StripUnusedNodesOptimizer elapsed time: 17.31 ms\n", - "2024-04-24 19:47:32 [INFO] Pass RemoveTrainingNodesOptimizer elapsed time: 3.7 ms\n", - "2024-04-24 19:47:32 [INFO] Pass SplitSharedInputOptimizer elapsed time: 0.27 ms\n", - "2024-04-24 19:47:32 [INFO] Pass GraphFoldConstantOptimizer elapsed time: 2.97 ms\n", - "2024-04-24 19:47:32 [INFO] Pass FuseDecomposedBNOptimizer elapsed time: 5.73 ms\n", - "2024-04-24 19:47:32 [INFO] Pass FuseColumnWiseMulOptimizer elapsed time: 2.87 ms\n", - "2024-04-24 19:47:32 [INFO] Pass StripUnusedNodesOptimizer elapsed time: 8.08 ms\n", - "2024-04-24 19:47:32 [INFO] Pass GraphCseOptimizer elapsed time: 2.8 ms\n", - "2024-04-24 19:47:32 [INFO] Pass FoldBatchNormNodesOptimizer elapsed time: 2.78 ms\n", - "2024-04-24 19:47:32 [INFO] Pass RenameBatchNormOptimizer elapsed time: 2.64 ms\n", - "2024-04-24 19:47:32 [INFO] Pass ConvertLeakyReluOptimizer elapsed time: 2.77 ms\n", - "2024-04-24 19:47:32 [INFO] Pass ConvertAddToBiasAddOptimizer elapsed time: 2.69 ms\n", - "2024-04-24 19:47:32 [INFO] Pass FuseTransposeReshapeOptimizer elapsed time: 2.84 ms\n", - "2024-04-24 19:47:32 [INFO] Pass FuseConvWithMathOptimizer elapsed time: 2.72 ms\n", - "2024-04-24 19:47:32 [INFO] Pass ExpandDimsOptimizer elapsed time: 2.8 ms\n", - "2024-04-24 19:47:32 [INFO] Pass FetchWeightFromReshapeOptimizer elapsed time: 2.71 ms\n", - "2024-04-24 19:47:32 [INFO] Pass MoveSqueezeAfterReluOptimizer elapsed time: 2.79 ms\n", - "2024-04-24 19:47:32 [WARNING] All replaced equivalent node types are {}\n", - "2024-04-24 19:47:32 [INFO] Pass StripEquivalentNodesOptimizer elapsed time: 8.33 ms\n", - "2024-04-24 19:47:32 [INFO] Pass DilatedContraction elapsed time: 2.8 ms\n", - "2024-04-24 19:47:32 [INFO] Pass Pre Optimization elapsed time: 474.92 ms\n", - "2024-04-24 19:47:32 [INFO] Do not evaluate the baseline and quantize the model with default configuration.\n", - "2024-04-24 19:47:32 [INFO] Quantize the model with default config.\n", - "2024-04-24 19:47:32 [WARNING] Please note that calibration sampling size 100 isn't divisible exactly by batch size 200. So the real sampling size is 200.\n", - "2024-04-24 19:47:32.967606: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", - "2024-04-24 19:47:32 [WARNING] Please note the 2.15.0 version of TensorFlow is not fully verified! Suggest to use the versions between 1.14.0 and 2.14.0 if meet problem.\n", - "2024-04-24 19:47:33 [WARNING] Found possible input node names: ['x'], output node names: ['Identity'].\n", - "Loading data ...\n", - "Done\n", - "2024-04-24 19:47:34 [WARNING] Found possible input node names: ['x'], output node names: ['Identity'].\n", - "2024-04-24 19:47:34 [INFO] Pass GenerateGraphWithQDQPattern elapsed time: 57.31 ms\n", - "2024-04-24 19:47:34 [WARNING] Found possible input node names: ['x'], output node names: ['Identity'].\n", - "2024-04-24 19:47:34 [WARNING] Found possible input node names: ['x'], output node names: ['Identity'].\n", - "2024-04-24 19:47:34 [WARNING] Found possible input node names: ['x'], output node names: ['Identity', 'sequential/conv2d/Conv2D_eightbit_reshape_x', 'sequential/max_pooling2d/MaxPool_eightbit_reshape_sequential/activation/Relu', 'sequential/conv2d_1/Conv2D_eightbit_reshape_sequential/max_pooling2d/MaxPool', 'sequential/max_pooling2d_1/MaxPool_eightbit_reshape_sequential/activation_1/Relu', 'sequential/conv2d_2/Conv2D_eightbit_reshape_sequential/max_pooling2d_1/MaxPool', 'sequential/conv2d_3/Conv2D_eightbit_reshape_sequential/activation_2/Relu', 'sequential/conv2d_4/Conv2D_eightbit_reshape_sequential/activation_3/Relu', 'sequential/conv2d_5/Conv2D_eightbit_reshape_sequential/activation_4/Relu', 'sequential/dense/MatMul_eightbit_reshape_sequential/flatten/Reshape'].\n", - "2024-04-24 19:47:34 [INFO] Pass StripUnusedNodesOptimizer elapsed time: 10.77 ms\n", - "2024-04-24 19:47:34 [INFO] Pass ShareQDQForItexYPatternOptimizer elapsed time: 9.13 ms\n", - "2024-04-24 19:47:34 [INFO] Pass MergeDuplicatedQDQOptimizer elapsed time: 4.54 ms\n", - "2024-04-24 19:47:34 [INFO] Pass PostHostConstConverter elapsed time: 11.66 ms\n", - "2024-04-24 19:47:34 [INFO] |******Mixed Precision Statistics******|\n", - "2024-04-24 19:47:34 [INFO] +-------------+-------+------+---------+\n", - "2024-04-24 19:47:34 [INFO] | Op Type | Total | INT8 | FP32 |\n", - "2024-04-24 19:47:34 [INFO] +-------------+-------+------+---------+\n", - "2024-04-24 19:47:34 [INFO] | MaxPool | 2 | 0 | 2 |\n", - "2024-04-24 19:47:34 [INFO] | MatMul | 1 | 0 | 1 |\n", - "2024-04-24 19:47:34 [INFO] | Conv2D | 6 | 0 | 6 |\n", - "2024-04-24 19:47:34 [INFO] | QuantizeV2 | 16 | 16 | 0 |\n", - "2024-04-24 19:47:34 [INFO] | Dequantize | 16 | 16 | 0 |\n", - "2024-04-24 19:47:34 [INFO] +-------------+-------+------+---------+\n", - "2024-04-24 19:47:34 [INFO] Pass quantize model elapsed time: 1833.94 ms\n", - "2024-04-24 19:47:34 [INFO] Save tuning history to /code/nc_workspace/2024-04-24_19-47-26/./history.snapshot.\n", - "2024-04-24 19:47:34 [INFO] [Strategy] Found the model meets accuracy requirements, ending the tuning process.\n", - "2024-04-24 19:47:34 [INFO] Specified timeout or max trials is reached! Found a quantized model which meet accuracy goal. Exit.\n", - "2024-04-24 19:47:34 [INFO] Save deploy yaml to /code/nc_workspace/2024-04-24_19-47-26/deploy.yaml\n", - "Save to alexnet_int8_model.pb\n" - ] - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "!python inc_quantize_model.py" ] @@ -1540,431 +369,9 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
import tensorflow as tf\n",
-       "print("Tensorflow version {}".format(tf.__version__))\n",
-       "\n",
-       "import numpy as np\n",
-       "import time\n",
-       "import argparse\n",
-       "import os\n",
-       "import json\n",
-       "\n",
-       "\n",
-       "import mnist_dataset\n",
-       "import alexnet\n",
-       "\n",
-       "\n",
-       "def val_data():\n",
-       "    x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n",
-       "    return x_test, y_test, label_test\n",
-       "\n",
-       "\n",
-       "def calc_accuracy(predictions, labels):\n",
-       "    predictions = np.argmax(predictions, axis=1)\n",
-       "    same = 0\n",
-       "    for i, x in enumerate(predictions):\n",
-       "        if x == labels[i]:\n",
-       "            same += 1\n",
-       "    if len(predictions) == 0:\n",
-       "        return 0\n",
-       "    else:\n",
-       "        return same / len(predictions)\n",
-       "\n",
-       "\n",
-       "def get_concrete_function(graph_def, inputs, outputs, print_graph=False):\n",
-       "    def imports_graph_def():\n",
-       "        tf.compat.v1.import_graph_def(graph_def, name="")\n",
-       "\n",
-       "    wrap_function = tf.compat.v1.wrap_function(imports_graph_def, [])\n",
-       "    graph = wrap_function.graph\n",
-       "\n",
-       "    return wrap_function.prune(\n",
-       "        tf.nest.map_structure(graph.as_graph_element, inputs),\n",
-       "        tf.nest.map_structure(graph.as_graph_element, outputs))\n",
-       "\n",
-       "\n",
-       "def infer_perf_pb(pb_model_file, val_data, inputs=["x:0"], outputs=["Identity:0"]):\n",
-       "    x_test, y_test, label_test = val_data\n",
-       "    q_model = alexnet.load_pb(pb_model_file)\n",
-       "    concrete_function = get_concrete_function(graph_def=q_model.as_graph_def(),\n",
-       "                                              inputs=inputs,\n",
-       "                                              outputs=outputs,\n",
-       "                                              print_graph=True)\n",
-       "\n",
-       "    bt = time.time()\n",
-       "    _frozen_graph_predictions = concrete_function(x=tf.constant(x_test))\n",
-       "    et = time.time()\n",
-       "\n",
-       "    accuracy = calc_accuracy(_frozen_graph_predictions[0], label_test)\n",
-       "    print('accuracy:', accuracy)\n",
-       "    throughput = x_test.shape[0] / (et - bt)\n",
-       "    print('max throughput(fps):', throughput)\n",
-       "\n",
-       "    # latency when BS=1\n",
-       "    times = 1000\n",
-       "    single_test = x_test[:1]\n",
-       "\n",
-       "    bt = 0\n",
-       "    warmup = 20\n",
-       "    for i in range(times):\n",
-       "        if i == warmup:\n",
-       "            bt = time.time()\n",
-       "        _frozen_graph_predictions = concrete_function(x=tf.constant(single_test))\n",
-       "    et = time.time()\n",
-       "\n",
-       "    latency = (et - bt) * 1000 / (times - warmup)\n",
-       "    print('latency(ms):', latency)\n",
-       "\n",
-       "    return accuracy, throughput, latency\n",
-       "\n",
-       "\n",
-       "def save_res(result):\n",
-       "    accuracy, throughput, latency = result\n",
-       "    res = {}\n",
-       "    res['accuracy'] = accuracy\n",
-       "    res['throughput'] = throughput\n",
-       "    res['latency'] = latency\n",
-       "\n",
-       "    outfile = args.index + ".json"\n",
-       "    with open(outfile, 'w') as f:\n",
-       "        json.dump(res, f)\n",
-       "        print("Save result to {}".format(outfile))\n",
-       "\n",
-       "parser = argparse.ArgumentParser()\n",
-       "parser.add_argument('--index', type=str, help='file name of output', required=True)\n",
-       "\n",
-       "parser.add_argument('--input-graph', type=str, help='file name for graph', required=True)\n",
-       "\n",
-       "parser.add_argument('--num-intra-threads', type=str, help='number of threads for an operator', required=False,\n",
-       "                    default="24" )\n",
-       "parser.add_argument('--num-inter-threads', type=str, help='number of threads across operators', required=False,\n",
-       "                    default="1")\n",
-       "parser.add_argument('--omp-num-threads', type=str, help='number of threads to use', required=False,\n",
-       "                    default="24")\n",
-       "\n",
-       "args = parser.parse_args()\n",
-       "os.environ["KMP_BLOCKTIME"] = "1"\n",
-       "os.environ["KMP_SETTINGS"] = "0"\n",
-       "os.environ["OMP_NUM_THREADS"] = args.omp_num_threads\n",
-       "os.environ["TF_NUM_INTEROP_THREADS"] = args.num_inter_threads\n",
-       "os.environ["TF_NUM_INTRAOP_THREADS"] = args.num_intra_threads\n",
-       "\n",
-       "save_res(infer_perf_pb(args.input_graph, val_data()))\n",
-       "
\n" - ], - "text/latex": [ - "\\begin{Verbatim}[commandchars=\\\\\\{\\}]\n", - "\\PY{k+kn}{import} \\PY{n+nn}{tensorflow} \\PY{k}{as} \\PY{n+nn}{tf}\n", - "\\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{Tensorflow version }\\PY{l+s+si}{\\PYZob{}\\PYZcb{}}\\PY{l+s+s2}{\\PYZdq{}}\\PY{o}{.}\\PY{n}{format}\\PY{p}{(}\\PY{n}{tf}\\PY{o}{.}\\PY{n}{\\PYZus{}\\PYZus{}version\\PYZus{}\\PYZus{}}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - "\\PY{k+kn}{import} \\PY{n+nn}{numpy} \\PY{k}{as} \\PY{n+nn}{np}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{time}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{argparse}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{os}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{json}\n", - "\n", - "\n", - "\\PY{k+kn}{import} \\PY{n+nn}{mnist\\PYZus{}dataset}\n", - "\\PY{k+kn}{import} \\PY{n+nn}{alexnet}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{val\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{x\\PYZus{}train}\\PY{p}{,} \\PY{n}{y\\PYZus{}train}\\PY{p}{,} \\PY{n}{label\\PYZus{}train}\\PY{p}{,} \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test} \\PY{o}{=} \\PY{n}{mnist\\PYZus{}dataset}\\PY{o}{.}\\PY{n}{read\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{k}{return} \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{calc\\PYZus{}accuracy}\\PY{p}{(}\\PY{n}{predictions}\\PY{p}{,} \\PY{n}{labels}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{predictions} \\PY{o}{=} \\PY{n}{np}\\PY{o}{.}\\PY{n}{argmax}\\PY{p}{(}\\PY{n}{predictions}\\PY{p}{,} \\PY{n}{axis}\\PY{o}{=}\\PY{l+m+mi}{1}\\PY{p}{)}\n", - " \\PY{n}{same} \\PY{o}{=} \\PY{l+m+mi}{0}\n", - " \\PY{k}{for} \\PY{n}{i}\\PY{p}{,} \\PY{n}{x} \\PY{o+ow}{in} \\PY{n+nb}{enumerate}\\PY{p}{(}\\PY{n}{predictions}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{k}{if} \\PY{n}{x} \\PY{o}{==} \\PY{n}{labels}\\PY{p}{[}\\PY{n}{i}\\PY{p}{]}\\PY{p}{:}\n", - " \\PY{n}{same} \\PY{o}{+}\\PY{o}{=} \\PY{l+m+mi}{1}\n", - " \\PY{k}{if} \\PY{n+nb}{len}\\PY{p}{(}\\PY{n}{predictions}\\PY{p}{)} \\PY{o}{==} \\PY{l+m+mi}{0}\\PY{p}{:}\n", - " \\PY{k}{return} \\PY{l+m+mi}{0}\n", - " \\PY{k}{else}\\PY{p}{:}\n", - " \\PY{k}{return} \\PY{n}{same} \\PY{o}{/} \\PY{n+nb}{len}\\PY{p}{(}\\PY{n}{predictions}\\PY{p}{)}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{get\\PYZus{}concrete\\PYZus{}function}\\PY{p}{(}\\PY{n}{graph\\PYZus{}def}\\PY{p}{,} \\PY{n}{inputs}\\PY{p}{,} \\PY{n}{outputs}\\PY{p}{,} \\PY{n}{print\\PYZus{}graph}\\PY{o}{=}\\PY{k+kc}{False}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{k}{def} \\PY{n+nf}{imports\\PYZus{}graph\\PYZus{}def}\\PY{p}{(}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{tf}\\PY{o}{.}\\PY{n}{compat}\\PY{o}{.}\\PY{n}{v1}\\PY{o}{.}\\PY{n}{import\\PYZus{}graph\\PYZus{}def}\\PY{p}{(}\\PY{n}{graph\\PYZus{}def}\\PY{p}{,} \\PY{n}{name}\\PY{o}{=}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{)}\n", - "\n", - " \\PY{n}{wrap\\PYZus{}function} \\PY{o}{=} \\PY{n}{tf}\\PY{o}{.}\\PY{n}{compat}\\PY{o}{.}\\PY{n}{v1}\\PY{o}{.}\\PY{n}{wrap\\PYZus{}function}\\PY{p}{(}\\PY{n}{imports\\PYZus{}graph\\PYZus{}def}\\PY{p}{,} \\PY{p}{[}\\PY{p}{]}\\PY{p}{)}\n", - " \\PY{n}{graph} \\PY{o}{=} \\PY{n}{wrap\\PYZus{}function}\\PY{o}{.}\\PY{n}{graph}\n", - "\n", - " \\PY{k}{return} \\PY{n}{wrap\\PYZus{}function}\\PY{o}{.}\\PY{n}{prune}\\PY{p}{(}\n", - " \\PY{n}{tf}\\PY{o}{.}\\PY{n}{nest}\\PY{o}{.}\\PY{n}{map\\PYZus{}structure}\\PY{p}{(}\\PY{n}{graph}\\PY{o}{.}\\PY{n}{as\\PYZus{}graph\\PYZus{}element}\\PY{p}{,} \\PY{n}{inputs}\\PY{p}{)}\\PY{p}{,}\n", - " \\PY{n}{tf}\\PY{o}{.}\\PY{n}{nest}\\PY{o}{.}\\PY{n}{map\\PYZus{}structure}\\PY{p}{(}\\PY{n}{graph}\\PY{o}{.}\\PY{n}{as\\PYZus{}graph\\PYZus{}element}\\PY{p}{,} \\PY{n}{outputs}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{infer\\PYZus{}perf\\PYZus{}pb}\\PY{p}{(}\\PY{n}{pb\\PYZus{}model\\PYZus{}file}\\PY{p}{,} \\PY{n}{val\\PYZus{}data}\\PY{p}{,} \\PY{n}{inputs}\\PY{o}{=}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{x:0}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]}\\PY{p}{,} \\PY{n}{outputs}\\PY{o}{=}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{Identity:0}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{x\\PYZus{}test}\\PY{p}{,} \\PY{n}{y\\PYZus{}test}\\PY{p}{,} \\PY{n}{label\\PYZus{}test} \\PY{o}{=} \\PY{n}{val\\PYZus{}data}\n", - " \\PY{n}{q\\PYZus{}model} \\PY{o}{=} \\PY{n}{alexnet}\\PY{o}{.}\\PY{n}{load\\PYZus{}pb}\\PY{p}{(}\\PY{n}{pb\\PYZus{}model\\PYZus{}file}\\PY{p}{)}\n", - " \\PY{n}{concrete\\PYZus{}function} \\PY{o}{=} \\PY{n}{get\\PYZus{}concrete\\PYZus{}function}\\PY{p}{(}\\PY{n}{graph\\PYZus{}def}\\PY{o}{=}\\PY{n}{q\\PYZus{}model}\\PY{o}{.}\\PY{n}{as\\PYZus{}graph\\PYZus{}def}\\PY{p}{(}\\PY{p}{)}\\PY{p}{,}\n", - " \\PY{n}{inputs}\\PY{o}{=}\\PY{n}{inputs}\\PY{p}{,}\n", - " \\PY{n}{outputs}\\PY{o}{=}\\PY{n}{outputs}\\PY{p}{,}\n", - " \\PY{n}{print\\PYZus{}graph}\\PY{o}{=}\\PY{k+kc}{True}\\PY{p}{)}\n", - "\n", - " \\PY{n}{bt} \\PY{o}{=} \\PY{n}{time}\\PY{o}{.}\\PY{n}{time}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{n}{\\PYZus{}frozen\\PYZus{}graph\\PYZus{}predictions} \\PY{o}{=} \\PY{n}{concrete\\PYZus{}function}\\PY{p}{(}\\PY{n}{x}\\PY{o}{=}\\PY{n}{tf}\\PY{o}{.}\\PY{n}{constant}\\PY{p}{(}\\PY{n}{x\\PYZus{}test}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{et} \\PY{o}{=} \\PY{n}{time}\\PY{o}{.}\\PY{n}{time}\\PY{p}{(}\\PY{p}{)}\n", - "\n", - " \\PY{n}{accuracy} \\PY{o}{=} \\PY{n}{calc\\PYZus{}accuracy}\\PY{p}{(}\\PY{n}{\\PYZus{}frozen\\PYZus{}graph\\PYZus{}predictions}\\PY{p}{[}\\PY{l+m+mi}{0}\\PY{p}{]}\\PY{p}{,} \\PY{n}{label\\PYZus{}test}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{accuracy:}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{accuracy}\\PY{p}{)}\n", - " \\PY{n}{throughput} \\PY{o}{=} \\PY{n}{x\\PYZus{}test}\\PY{o}{.}\\PY{n}{shape}\\PY{p}{[}\\PY{l+m+mi}{0}\\PY{p}{]} \\PY{o}{/} \\PY{p}{(}\\PY{n}{et} \\PY{o}{\\PYZhy{}} \\PY{n}{bt}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{max throughput(fps):}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{throughput}\\PY{p}{)}\n", - "\n", - " \\PY{c+c1}{\\PYZsh{} latency when BS=1}\n", - " \\PY{n}{times} \\PY{o}{=} \\PY{l+m+mi}{1000}\n", - " \\PY{n}{single\\PYZus{}test} \\PY{o}{=} \\PY{n}{x\\PYZus{}test}\\PY{p}{[}\\PY{p}{:}\\PY{l+m+mi}{1}\\PY{p}{]}\n", - "\n", - " \\PY{n}{bt} \\PY{o}{=} \\PY{l+m+mi}{0}\n", - " \\PY{n}{warmup} \\PY{o}{=} \\PY{l+m+mi}{20}\n", - " \\PY{k}{for} \\PY{n}{i} \\PY{o+ow}{in} \\PY{n+nb}{range}\\PY{p}{(}\\PY{n}{times}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{k}{if} \\PY{n}{i} \\PY{o}{==} \\PY{n}{warmup}\\PY{p}{:}\n", - " \\PY{n}{bt} \\PY{o}{=} \\PY{n}{time}\\PY{o}{.}\\PY{n}{time}\\PY{p}{(}\\PY{p}{)}\n", - " \\PY{n}{\\PYZus{}frozen\\PYZus{}graph\\PYZus{}predictions} \\PY{o}{=} \\PY{n}{concrete\\PYZus{}function}\\PY{p}{(}\\PY{n}{x}\\PY{o}{=}\\PY{n}{tf}\\PY{o}{.}\\PY{n}{constant}\\PY{p}{(}\\PY{n}{single\\PYZus{}test}\\PY{p}{)}\\PY{p}{)}\n", - " \\PY{n}{et} \\PY{o}{=} \\PY{n}{time}\\PY{o}{.}\\PY{n}{time}\\PY{p}{(}\\PY{p}{)}\n", - "\n", - " \\PY{n}{latency} \\PY{o}{=} \\PY{p}{(}\\PY{n}{et} \\PY{o}{\\PYZhy{}} \\PY{n}{bt}\\PY{p}{)} \\PY{o}{*} \\PY{l+m+mi}{1000} \\PY{o}{/} \\PY{p}{(}\\PY{n}{times} \\PY{o}{\\PYZhy{}} \\PY{n}{warmup}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{latency(ms):}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{latency}\\PY{p}{)}\n", - "\n", - " \\PY{k}{return} \\PY{n}{accuracy}\\PY{p}{,} \\PY{n}{throughput}\\PY{p}{,} \\PY{n}{latency}\n", - "\n", - "\n", - "\\PY{k}{def} \\PY{n+nf}{save\\PYZus{}res}\\PY{p}{(}\\PY{n}{result}\\PY{p}{)}\\PY{p}{:}\n", - " \\PY{n}{accuracy}\\PY{p}{,} \\PY{n}{throughput}\\PY{p}{,} \\PY{n}{latency} \\PY{o}{=} \\PY{n}{result}\n", - " \\PY{n}{res} \\PY{o}{=} \\PY{p}{\\PYZob{}}\\PY{p}{\\PYZcb{}}\n", - " \\PY{n}{res}\\PY{p}{[}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{accuracy}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{]} \\PY{o}{=} \\PY{n}{accuracy}\n", - " \\PY{n}{res}\\PY{p}{[}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{throughput}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{]} \\PY{o}{=} \\PY{n}{throughput}\n", - " \\PY{n}{res}\\PY{p}{[}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{latency}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{]} \\PY{o}{=} \\PY{n}{latency}\n", - "\n", - " \\PY{n}{outfile} \\PY{o}{=} \\PY{n}{args}\\PY{o}{.}\\PY{n}{index} \\PY{o}{+} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{.json}\\PY{l+s+s2}{\\PYZdq{}}\n", - " \\PY{k}{with} \\PY{n+nb}{open}\\PY{p}{(}\\PY{n}{outfile}\\PY{p}{,} \\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{w}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{)} \\PY{k}{as} \\PY{n}{f}\\PY{p}{:}\n", - " \\PY{n}{json}\\PY{o}{.}\\PY{n}{dump}\\PY{p}{(}\\PY{n}{res}\\PY{p}{,} \\PY{n}{f}\\PY{p}{)}\n", - " \\PY{n+nb}{print}\\PY{p}{(}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{Save result to }\\PY{l+s+si}{\\PYZob{}\\PYZcb{}}\\PY{l+s+s2}{\\PYZdq{}}\\PY{o}{.}\\PY{n}{format}\\PY{p}{(}\\PY{n}{outfile}\\PY{p}{)}\\PY{p}{)}\n", - "\n", - "\\PY{n}{parser} \\PY{o}{=} \\PY{n}{argparse}\\PY{o}{.}\\PY{n}{ArgumentParser}\\PY{p}{(}\\PY{p}{)}\n", - "\\PY{n}{parser}\\PY{o}{.}\\PY{n}{add\\PYZus{}argument}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{\\PYZhy{}\\PYZhy{}index}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n+nb}{type}\\PY{o}{=}\\PY{n+nb}{str}\\PY{p}{,} \\PY{n}{help}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{file name of output}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{required}\\PY{o}{=}\\PY{k+kc}{True}\\PY{p}{)}\n", - "\n", - "\\PY{n}{parser}\\PY{o}{.}\\PY{n}{add\\PYZus{}argument}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{\\PYZhy{}\\PYZhy{}input\\PYZhy{}graph}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n+nb}{type}\\PY{o}{=}\\PY{n+nb}{str}\\PY{p}{,} \\PY{n}{help}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{file name for graph}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{required}\\PY{o}{=}\\PY{k+kc}{True}\\PY{p}{)}\n", - "\n", - "\\PY{n}{parser}\\PY{o}{.}\\PY{n}{add\\PYZus{}argument}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{\\PYZhy{}\\PYZhy{}num\\PYZhy{}intra\\PYZhy{}threads}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n+nb}{type}\\PY{o}{=}\\PY{n+nb}{str}\\PY{p}{,} \\PY{n}{help}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{number of threads for an operator}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{required}\\PY{o}{=}\\PY{k+kc}{False}\\PY{p}{,}\n", - " \\PY{n}{default}\\PY{o}{=}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{24}\\PY{l+s+s2}{\\PYZdq{}} \\PY{p}{)}\n", - "\\PY{n}{parser}\\PY{o}{.}\\PY{n}{add\\PYZus{}argument}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{\\PYZhy{}\\PYZhy{}num\\PYZhy{}inter\\PYZhy{}threads}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n+nb}{type}\\PY{o}{=}\\PY{n+nb}{str}\\PY{p}{,} \\PY{n}{help}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{number of threads across operators}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{required}\\PY{o}{=}\\PY{k+kc}{False}\\PY{p}{,}\n", - " \\PY{n}{default}\\PY{o}{=}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{1}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{)}\n", - "\\PY{n}{parser}\\PY{o}{.}\\PY{n}{add\\PYZus{}argument}\\PY{p}{(}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{\\PYZhy{}\\PYZhy{}omp\\PYZhy{}num\\PYZhy{}threads}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n+nb}{type}\\PY{o}{=}\\PY{n+nb}{str}\\PY{p}{,} \\PY{n}{help}\\PY{o}{=}\\PY{l+s+s1}{\\PYZsq{}}\\PY{l+s+s1}{number of threads to use}\\PY{l+s+s1}{\\PYZsq{}}\\PY{p}{,} \\PY{n}{required}\\PY{o}{=}\\PY{k+kc}{False}\\PY{p}{,}\n", - " \\PY{n}{default}\\PY{o}{=}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{24}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{)}\n", - "\n", - "\\PY{n}{args} \\PY{o}{=} \\PY{n}{parser}\\PY{o}{.}\\PY{n}{parse\\PYZus{}args}\\PY{p}{(}\\PY{p}{)}\n", - "\\PY{n}{os}\\PY{o}{.}\\PY{n}{environ}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{KMP\\PYZus{}BLOCKTIME}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]} \\PY{o}{=} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{1}\\PY{l+s+s2}{\\PYZdq{}}\n", - "\\PY{n}{os}\\PY{o}{.}\\PY{n}{environ}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{KMP\\PYZus{}SETTINGS}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]} \\PY{o}{=} \\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{0}\\PY{l+s+s2}{\\PYZdq{}}\n", - "\\PY{n}{os}\\PY{o}{.}\\PY{n}{environ}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{OMP\\PYZus{}NUM\\PYZus{}THREADS}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]} \\PY{o}{=} \\PY{n}{args}\\PY{o}{.}\\PY{n}{omp\\PYZus{}num\\PYZus{}threads}\n", - "\\PY{n}{os}\\PY{o}{.}\\PY{n}{environ}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{TF\\PYZus{}NUM\\PYZus{}INTEROP\\PYZus{}THREADS}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]} \\PY{o}{=} \\PY{n}{args}\\PY{o}{.}\\PY{n}{num\\PYZus{}inter\\PYZus{}threads}\n", - "\\PY{n}{os}\\PY{o}{.}\\PY{n}{environ}\\PY{p}{[}\\PY{l+s+s2}{\\PYZdq{}}\\PY{l+s+s2}{TF\\PYZus{}NUM\\PYZus{}INTRAOP\\PYZus{}THREADS}\\PY{l+s+s2}{\\PYZdq{}}\\PY{p}{]} \\PY{o}{=} \\PY{n}{args}\\PY{o}{.}\\PY{n}{num\\PYZus{}intra\\PYZus{}threads}\n", - "\n", - "\\PY{n}{save\\PYZus{}res}\\PY{p}{(}\\PY{n}{infer\\PYZus{}perf\\PYZus{}pb}\\PY{p}{(}\\PY{n}{args}\\PY{o}{.}\\PY{n}{input\\PYZus{}graph}\\PY{p}{,} \\PY{n}{val\\PYZus{}data}\\PY{p}{(}\\PY{p}{)}\\PY{p}{)}\\PY{p}{)}\n", - "\\end{Verbatim}\n" - ], - "text/plain": [ - "\n", - "import tensorflow as tf\n", - "print(\"Tensorflow version {}\".format(tf.__version__))\n", - "\n", - "import numpy as np\n", - "import time\n", - "import argparse\n", - "import os\n", - "import json\n", - "\n", - "\n", - "import mnist_dataset\n", - "import alexnet\n", - "\n", - "\n", - "def val_data():\n", - " x_train, y_train, label_train, x_test, y_test, label_test = mnist_dataset.read_data()\n", - " return x_test, y_test, label_test\n", - "\n", - "\n", - "def calc_accuracy(predictions, labels):\n", - " predictions = np.argmax(predictions, axis=1)\n", - " same = 0\n", - " for i, x in enumerate(predictions):\n", - " if x == labels[i]:\n", - " same += 1\n", - " if len(predictions) == 0:\n", - " return 0\n", - " else:\n", - " return same / len(predictions)\n", - "\n", - "\n", - "def get_concrete_function(graph_def, inputs, outputs, print_graph=False):\n", - " def imports_graph_def():\n", - " tf.compat.v1.import_graph_def(graph_def, name=\"\")\n", - "\n", - " wrap_function = tf.compat.v1.wrap_function(imports_graph_def, [])\n", - " graph = wrap_function.graph\n", - "\n", - " return wrap_function.prune(\n", - " tf.nest.map_structure(graph.as_graph_element, inputs),\n", - " tf.nest.map_structure(graph.as_graph_element, outputs))\n", - "\n", - "\n", - "def infer_perf_pb(pb_model_file, val_data, inputs=[\"x:0\"], outputs=[\"Identity:0\"]):\n", - " x_test, y_test, label_test = val_data\n", - " q_model = alexnet.load_pb(pb_model_file)\n", - " concrete_function = get_concrete_function(graph_def=q_model.as_graph_def(),\n", - " inputs=inputs,\n", - " outputs=outputs,\n", - " print_graph=True)\n", - "\n", - " bt = time.time()\n", - " _frozen_graph_predictions = concrete_function(x=tf.constant(x_test))\n", - " et = time.time()\n", - "\n", - " accuracy = calc_accuracy(_frozen_graph_predictions[0], label_test)\n", - " print('accuracy:', accuracy)\n", - " throughput = x_test.shape[0] / (et - bt)\n", - " print('max throughput(fps):', throughput)\n", - "\n", - " # latency when BS=1\n", - " times = 1000\n", - " single_test = x_test[:1]\n", - "\n", - " bt = 0\n", - " warmup = 20\n", - " for i in range(times):\n", - " if i == warmup:\n", - " bt = time.time()\n", - " _frozen_graph_predictions = concrete_function(x=tf.constant(single_test))\n", - " et = time.time()\n", - "\n", - " latency = (et - bt) * 1000 / (times - warmup)\n", - " print('latency(ms):', latency)\n", - "\n", - " return accuracy, throughput, latency\n", - "\n", - "\n", - "def save_res(result):\n", - " accuracy, throughput, latency = result\n", - " res = {}\n", - " res['accuracy'] = accuracy\n", - " res['throughput'] = throughput\n", - " res['latency'] = latency\n", - "\n", - " outfile = args.index + \".json\"\n", - " with open(outfile, 'w') as f:\n", - " json.dump(res, f)\n", - " print(\"Save result to {}\".format(outfile))\n", - "\n", - "parser = argparse.ArgumentParser()\n", - "parser.add_argument('--index', type=str, help='file name of output', required=True)\n", - "\n", - "parser.add_argument('--input-graph', type=str, help='file name for graph', required=True)\n", - "\n", - "parser.add_argument('--num-intra-threads', type=str, help='number of threads for an operator', required=False,\n", - " default=\"24\" )\n", - "parser.add_argument('--num-inter-threads', type=str, help='number of threads across operators', required=False,\n", - " default=\"1\")\n", - "parser.add_argument('--omp-num-threads', type=str, help='number of threads to use', required=False,\n", - " default=\"24\")\n", - "\n", - "args = parser.parse_args()\n", - "os.environ[\"KMP_BLOCKTIME\"] = \"1\"\n", - "os.environ[\"KMP_SETTINGS\"] = \"0\"\n", - "os.environ[\"OMP_NUM_THREADS\"] = args.omp_num_threads\n", - "os.environ[\"TF_NUM_INTEROP_THREADS\"] = args.num_inter_threads\n", - "os.environ[\"TF_NUM_INTRAOP_THREADS\"] = args.num_intra_threads\n", - "\n", - "save_res(infer_perf_pb(args.input_graph, val_data()))" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display.Code('profiling_inc.py')" ] @@ -1978,36 +385,13 @@ }, { "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2024-04-24 19:47:36.427777: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", - "2024-04-24 19:47:36.430221: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:47:36.460422: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-04-24 19:47:36.460443: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-04-24 19:47:36.461344: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-04-24 19:47:36.466553: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:47:36.466731: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\n", - "To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\n", - "2024-04-24 19:47:37.076666: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "2024-04-24 19:47:37.453281: I itex/core/wrapper/itex_cpu_wrapper.cc:60] Intel Extension for Tensorflow* AVX512 CPU backend is loaded.\n", - "Tensorflow version 2.15.0\n", - "Loading data ...\n", - "Done\n", - "2024-04-24 19:47:38.655409: I tensorflow/core/grappler/optimizers/custom_graph_optimizer_registry.cc:117] Plugin optimizer for device_type CPU is enabled.\n", - "accuracy: 0.9797\n", - "max throughput(fps): 5728.566484387442\n", - "latency(ms): 8.566554468505236\n", - "Save result to 32.json\n" - ] - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ - "!python profiling_inc.py --input-graph=./fp32_frezon.pb --omp-num-threads=4 --num-inter-threads=1 --num-intra-threads=4 --index=32" + "!python profiling_inc.py --input-graph=./fp32_frozen.pb --omp-num-threads=4 --num-inter-threads=1 --num-intra-threads=4 --index=32" ] }, { @@ -2019,146 +403,22 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2024-04-24 19:47:50.286863: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", - "2024-04-24 19:47:50.289296: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:47:50.318369: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", - "2024-04-24 19:47:50.318388: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", - "2024-04-24 19:47:50.319257: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", - "2024-04-24 19:47:50.324298: I external/local_tsl/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.\n", - "2024-04-24 19:47:50.324471: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\n", - "To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\n", - "2024-04-24 19:47:50.932859: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT\n", - "2024-04-24 19:47:51.308169: I itex/core/wrapper/itex_cpu_wrapper.cc:60] Intel Extension for Tensorflow* AVX512 CPU backend is loaded.\n", - "Tensorflow version 2.15.0\n", - "Loading data ...\n", - "Done\n", - "2024-04-24 19:47:52.629639: I tensorflow/core/grappler/optimizers/custom_graph_optimizer_registry.cc:117] Plugin optimizer for device_type CPU is enabled.\n", - "accuracy: 0.9797\n", - "max throughput(fps): 7806.743316356045\n", - "latency(ms): 8.564782385923424\n", - "Save result to 8.json\n" - ] - } - ], + "outputs": [], "source": [ "!python profiling_inc.py --input-graph=./alexnet_int8_model.pb --omp-num-threads=4 --num-inter-threads=1 --num-intra-threads=4 --index=8" ] }, { "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - " \n" - ] - }, - { - "data": { - "text/html": [ - "
{"accuracy": 0.9797, "throughput": 7806.743316356045, "latency": 8.564782385923424}\n",
-       "
\n" - ], - "text/latex": [ - "\\begin{Verbatim}[commandchars=\\\\\\{\\}]\n", - "\\PY{p}{\\PYZob{}}\\PY{n+nt}{\\PYZdq{}accuracy\\PYZdq{}}\\PY{p}{:}\\PY{+w}{ }\\PY{l+m+mf}{0.9797}\\PY{p}{,}\\PY{+w}{ }\\PY{n+nt}{\\PYZdq{}throughput\\PYZdq{}}\\PY{p}{:}\\PY{+w}{ }\\PY{l+m+mf}{7806.743316356045}\\PY{p}{,}\\PY{+w}{ }\\PY{n+nt}{\\PYZdq{}latency\\PYZdq{}}\\PY{p}{:}\\PY{+w}{ }\\PY{l+m+mf}{8.564782385923424}\\PY{p}{\\PYZcb{}}\n", - "\\end{Verbatim}\n" - ], - "text/plain": [ - "{\"accuracy\": 0.9797, \"throughput\": 7806.743316356045, \"latency\": 8.564782385923424}" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "display.Code('32.json')\n", "!echo \" \"\n", @@ -2174,29 +434,9 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "throughputs [5728.566484387442, 7806.743316356045]\n", - "latencys [8.566554468505236, 8.564782385923424]\n", - "accuracys [0.9797, 0.9797]\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABRkAAAIbCAYAAABv6ZkDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAA9hAAAPYQGoP6dpAAB02ElEQVR4nOzdeViU9f7/8dewDYgwIIugIi6AoiKYJuKSVlaWmmWdllNpWWl5PNXpWxraoqWhpqfOabHFJT1Wtpl1NCuzNCv3BPd9wy0BFVBg2O7fH/68TxOL4gDj8nxc131dzud+3/e878nmAy8/c4/FMAxDAAAAAAAAAHCe3FzdAAAAAAAAAICLGyEjAAAAAAAAAKcQMgIAAAAAAABwCiEjAAAAAAAAAKcQMgIAAAAAAABwCiEjAAAAAAAAAKcQMgIAAAAAAABwCiEjAAAAAAAAAKcQMgIAAAAAAABwCiEjAAAAAAAAAKcQMgJALWnSpIksFkuZ7W9/+5sk6eTJkxo2bJgaNWokHx8fxcbGasqUKQ7nsNvt+vvf/67g4GD5+vrq5ptv1oEDB8o814IFC5SYmCgfHx8FBwerf//+lfZWXl8Wi0WvvPJKmVrDMHTjjTfKYrFo3rx55/+C4KJRXFysZ599Vk2bNpWPj4+aNWumF198UaWlpRUes2TJknL/Tm3dutWs6dGjR7k1vXv3ro3LAuACNfV+IkknTpzQ3/72N4WHh8vb21uxsbH6+uuva/qScBHIzc3VE088ocjISPn4+Khz585avXq1ub8qPwedUVRUpBdffFHNmzeXt7e34uPj9c033zjUnO1nPwAXH95PKufh6gYA4HKxevVqlZSUmI83btyo6667Tn/5y18kSf/4xz/0448/avbs2WrSpIm+++47DR06VA0aNFC/fv0kSU888YT++9//as6cOQoKCtL//d//qU+fPlq7dq3c3d0lSZ9//rkefvhhvfzyy7rmmmtkGIY2bNhQaW+HDx92eLxw4UI9+OCDuu2228rUvvbaa7JYLE69Fri4TJgwQW+//bZmzpyp1q1ba82aNXrggQdks9n0+OOPV3rstm3b5O/vbz4OCQkx/zx37lwVFhaaj7OyshQfH2/+PwHg0lNT7yeFhYW67rrrFBoaqs8++0yNGjVSenq6/Pz8auxacPF46KGHtHHjRv3nP/9RgwYNNHv2bPXs2VObN29Ww4YNq/Rz0BnPPvusZs+erffee08tW7bUt99+q1tvvVW//vqr2rVrJ+nsP/sBuPjwfnIWBgDAJR5//HGjefPmRmlpqWEYhtG6dWvjxRdfdKi54oorjGeffdYwDMM4ceKE4enpacyZM8fcf/DgQcPNzc345ptvDMMwjKKiIqNhw4bG1KlTneqtX79+xjXXXFNmPDU11WjUqJFx+PBhQ5LxxRdfOPU8uDj07t3bGDRokMNY//79jXvvvbfCY3788UdDknH8+PFzfp5XX33V8PPzM06ePHm+rQK4wNXU+8mUKVOMZs2aGYWFhdXVKi4ReXl5hru7uzF//nyH8fj4eGPUqFHlHlPRz0F/FB4ebrzxxhtljrvnnnsqPObPP/sBuLjwfnJ2fFwaAFygsLBQs2fP1qBBg8xVgV27dtVXX32lgwcPyjAM/fjjj9q+fbtuuOEGSdLatWtVVFSk66+/3jxPgwYN1KZNG/3666+SpN9++00HDx6Um5ub2rVrp/DwcN14443atGnTOff2+++/a8GCBXrwwQcdxvPy8nT33XfrjTfeUFhYmLMvAS4iXbt21eLFi7V9+3ZJUlpamn7++WfddNNNZz32zN/Da6+9Vj/++GOltdOmTdNdd90lX1/faukbwIWnpt5PvvrqKyUlJelvf/ub6tevrzZt2ujll192WPWBy1NxcbFKSkrk7e3tMO7j46Off/65TH1FPwf9md1uP+dzSuX/7Afg4sL7yTlwdcoJAJejjz/+2HB3dzcOHjxojtntdmPAgAGGJMPDw8Pw8vIyZs2aZe7/4IMPDC8vrzLnuu6664zBgwcbhmEYH330kSHJaNy4sfHZZ58Za9asMe6++24jKCjIyMrKOqfeJkyYYAQGBhr5+fkO44MHDzYefPBB87FYyXjZKC0tNZ555hnDYrEYHh4ehsViMV5++eVKj9m6davx7rvvGmvXrjV+/fVX49FHHzUsFouxdOnScutXrlxpSDJWrlxZE5cA4AJRU+8nLVq0MKxWqzFo0CBjzZo1xkcffWTUq1fPGDNmTE1fEi4CSUlJRvfu3Y2DBw8axcXFxn/+8x/DYrEYMTExZWor+jnoz+6++26jVatWxvbt242SkhLju+++M3x8fMr9Wc0wyv/ZD8DFh/eTyhEyAoALXH/99UafPn0cxl555RUjJibG+Oqrr4y0tDTj9ddfN+rWrWssWrTIMIyKQ8aePXsaQ4YMMWskGe+88465v6CgwAgODjbefvvtc+qtRYsWxrBhwxzGvvzySyMqKsrIzc01xwgZLx8fffSR0ahRI+Ojjz4y1q9fb8yaNcuoV6+e8f7771fpPH369DH69u1b7r7Bgwcbbdq0qY52AVzAaur9JDo62oiIiDCKi4vNscmTJxthYWHV1jsuXjt37jSuuuoqQ5Lh7u5uXHnllcY999xjxMbGlqkt7+eg8hw9etTo16+f4ebmZri7uxsxMTHG0KFDDR8fn3Lry/vZD8DFh/eTyvFxaQCoZfv27dP333+vhx56yBzLz8/XyJEj9c9//lN9+/ZV27ZtNWzYMN15552aNGmSJCksLEyFhYU6fvy4w/mOHj2q+vXrS5LCw8MlSa1atTL3W61WNWvWTPv37z9rb8uWLdO2bdscepOkH374Qbt27VJAQIA8PDzk4XH6e8Nuu+029ejRo+ovAi4qTz/9tJ555hndddddiouL03333ad//OMfSklJqdJ5OnXqpB07dpQZz8vL05w5c8r8vQNw6amp95Pw8HDFxMSYX4ImSbGxsTpy5IjDF0zh8tS8eXMtXbpUJ0+eVHp6ulatWqWioiI1bdrUoa6in4PKExISonnz5unUqVPat2+ftm7dqrp165Y5p1T+z34ALk68n1SOkBEAatmMGTMUGhqq3r17m2NFRUUqKiqSm5vj27K7u7tKS0slSe3bt5enp6cWLVpk7j98+LA2btyozp07mzVWq1Xbtm1zOPfevXsVGRl51t6mTZum9u3bKz4+3mH8mWee0fr165WammpukvTqq69qxowZVXsBcNHJy8ur9O/muVq3bp0ZhP/RJ598IrvdrnvvvdepPgFc+Grq/aRLly7auXOnw3m2b9+u8PBweXl5Odc0Lhm+vr4KDw/X8ePH9e2336pfv34O+yv6Oagy3t7eatiwoYqLi/X555+XOadU/s9+AC5uvJ9UwNVLKQHgclJSUmI0btzYGDFiRJl93bt3N1q3bm38+OOPxu7du40ZM2YY3t7exltvvWXWPPLII0ajRo2M77//3vjtt9+Ma665xoiPj3f4eNjjjz9uNGzY0Pj222+NrVu3Gg8++KARGhpqHDt2zKxp0aKFMXfuXIfnz87ONurUqWNMmTLlnK5FfFz6sjFw4ECjYcOGxvz58409e/YYc+fONYKDg43hw4ebNc8884xx3333mY9fffVV44svvjC2b99ubNy40XjmmWcMScbnn39e5vxdu3Y17rzzzlq5FgCuVVPvJ/v37zfq1q1rDBs2zNi2bZsxf/58IzQ01Bg7dmytXh8uTN98842xcOFCY/fu3cZ3331nxMfHGx07dnT4NvKz/Rx03333Gc8884z5eMWKFcbnn39u7Nq1y/jpp5+Ma665xmjatGmZb0Gv7Gc/ABcf3k8qR8gIALXo22+/NSQZ27ZtK7Pv8OHDxv333280aNDA8Pb2Nlq0aGFMnjzZKC0tNWvy8/ONYcOGGfXq1TN8fHyMPn36GPv373c4T2FhofF///d/RmhoqOHn52f07NnT2Lhxo0ONJGPGjBkOY++8847h4+NjnDhx4pyuhZDx8pGTk2M8/vjjRuPGjQ1vb2+jWbNmxqhRowy73W7WDBw40Ojevbv5eMKECUbz5s0Nb29vIzAw0OjatauxYMGCMufetm2bIcn47rvvauNSALhYTb6f/Prrr0ZiYqJhtVqNZs2aGePGjXP4Rzhcvj7++GOjWbNmhpeXlxEWFmb87W9/K/Pzztl+DurevbsxcOBA8/GSJUuM2NhYw2q1GkFBQcZ9991X7pcwVPazH4CLD+8nlbMYhmG4bBklAAAAAAAAgIse92QEAAAAAAAA4BQPVzdQU0pLS3Xo0CH5+fnJYrG4uh0AQCUMw1Bubq4aNGhQ5gsBcBrzGgBcPJjXzo55DQAuDlWZ0y7ZkPHQoUOKiIhwdRsAgCpIT09Xo0aNXN3GBYl5DQAuPsxrFWNeA4CLy7nMaZdsyOjn5yfp9Ivg7+/v4m4AAJXJyclRRESE+d6NspjXAODiwbx2dsxrAHBxqMqcdsmGjGeW3Pv7+zNpAcBFgo9LVYx5DQAuPsxrFWNeA4CLy7nMadwgBAAAAAAAAIBTCBkBAAAAAAAAOIWQEQAAAAAAAIBTCBkBAAAAAAAAOKVKX/xSXFqst1Lf0td7vlZmfqaCfYLVL6qfhrQdIjfL6bzSMAxNSZuiz7Z/ppzCHMUFx2lU4ihFBUaZ5yksKdSkNZO0cM9C2UvsSgxL1KhOoxTmG2bWZNuzNX7VeC1JXyJJ6hHRQ8mJyfL34qbAAAAAAAAAwIWkSiHj9I3T9en2TzWu6zg1D2iuTZmb9Nwvz8nP00/3trrXrJm1eZbGdhmrSP9Ivbv+XQ1eNFj/vfW/8vX0lSRNWDVBSw4s0cSrJirAGqBJayZp2OJh+rjPx3J3c5ckjVg2Qr+f+l1Tek6RJI1ZPkYjl43UG9e+UZ3XDwAAAACXjdUZRzR96wZtOp6pjIJ8vd7lWvVsGGnuNwxDb25ap092b1NOUaHa1gvRc1ckKdoWaNYUlpRoYtoqLdi/W/aSEnWqH67nr+issDq+rrgkAMAFokofl07LSNPVEVfrqkZXqWHdhrq+yfXq3KCzNmVtknR6Qpq9ZbYejntYPSN7KjowWuO6jlNBcYEW7F4gScotzNXcnXP1dIenldQgSbFBsUrplqIdJ3ZoxeEVkqTdJ3brl4O/aEznMUoITVBCaIJGdx6tpQeWak/2nmp+CQAAAADg8pBfXKQWAfX07BVJ5e6funWD3t++Sc9ekaRPet6sYG8fPbj0G50qKjJrXk5dqe8P7tPkpB6afU1v5RUX69GfF6mktLS2LgMAcAGqUsjYLrSdVh5eqb3ZeyVJ245t029Hf1O3ht0kSQdOHlBmfqY6N+hsHuPl7qX2Ye2VlpEmSdqctVnFpcVKavC/SS20TqiiAqKUmpEq6XSY6efpp7Yhbc2a+JB4+Xn6KfVoarm92e125eTkOGwAAAAAgP+5KjxCT8S11/WNmpTZZxiGZu3YpCGx8bq+URPF2AI1vuNVKigp0fz9uyRJuYWFmrtnu4bHd1Tn+g3VKjBIExO7a3v2cS0/eqiWrwYAcCGp0selH2zzoE4WntTN826Wu8VdJUaJHrviMd3U7CZJUlZ+liQpyCfI4bgg7yAdPnVYkpSZnylPN0/ZrLYyNZn5mWZNPZ96ZZ6/nk89ZRVkldtbSkqKxowZU5XLAQAAAAD8fwdO5SqzIF9dwhqaY17u7royJEzrMo/qzuYttel4popKSx1qQn3qKNo/QOsyj6prWCNXtA4AuABUKWT8Zu83mr97viZcNUHNA5pr27FtmrB6gkJ8QtQvqp9ZZ5GlzLHljf2RIcOhprx6wzAqPD45OVlPPvmk+TgnJ0cRERGVPicAAAAA4LTMgnxJUrC3j8N4kLe3Dp06ZdZ4urnJ5mX9U42PeXx57Ha77Ha7+ZhPngHApadKH5eevGayHox7UDc2vVExgTHq27yv7ou9T1M3TJX0vxWMZ1YknpFVkGXuC/YJVlFpkbLt2Q41xwqOOdScWRX5R8cLjivIO6jMuCRZrVb5+/s7bAAAAAAA5xiGZKl8zYgMqdJlJSkpKbLZbObGghAAuPRUKWQsKCmQ258OcXdzl6HTKwwb1W2kYJ9gLT+83NxfVFKktUfWKj4kXpLUKqiVPNw8HGoy8jK088ROJYQkSDp9/8XcolxtyNhg1qzPWK/colwlhCZU6QIBAAAAAGd3ZgXjn1ckHrMXKMjqY9YUlZYqu9DuWFOQr6A/rYD8o+TkZGVnZ5tbenp6NXcPAHC1Kn1cunuj7np3w7sKrxuu5gHNtTVrq2ZtmqVbom+RJFksFt0be6+mrp+qSL9INfZvrPc2vCdvD2/1btZbkuTn5af+Uf01afUkBVgDZPOyafKayYoOiFan8E6SpGYBzdSlYReNXj5azyc9L0kas3yMujfqrqa2ptV4+QAAAAAASWrk66dgbx/9+vtBtQo8/QmywpISrc44ov9r20GS1DowWJ5ubvr194O6MaKZJOlofp525JzQU/FXVnhuq9Uqq9Va4X4AwMWvSiHjyMSRemPdGxq7YqyOFRxTiE+Ibo+5XY/GP2rWDGozSPYSu8auHKsce47iQuL0znXvyNfT16wZ3nG43N3c9dTSp2QvtisxPFFvdH1D7m7uZs2EbhOUsipFQxYNkST1iOihkYkjnb1eAAAAALhsnSoq0v6T/7sf4oGTudpyPEs2L6sa+NbVgOjWenfLekXW9Vekn03vbkmTt7u7+jRuLkny8/JS/6Yxmpi6WgFe3rJ5WfVK2irF2AKVFNrAVZcFALgAWIzKvk3lIpaTkyObzabs7GzuzwgAFzjes8+O1wgALh4X8nv2qqOHNXDJwjLjtzSJUkrHq2QYht7ctE4f796mnMJCtQ0K0XNXJCnGFmjW2kuK9Uraas3fv1v2kmJ1Cm2g59snKbxO3XPu40J+jQAA/1OV92tCRgCAy/GefXa8RgBw8eA9++x4jQDg4lCV9+sqffELAAAAAAAAAPwZISMAAAAAAAAApxAyAgAAAAAAAHBKlb5dGgBw/uJmxrm6hRqzYeAGV7eAc9DkmQWubqFG7R3f29UtAJeVS/k9hfeTi0PsJ9Nd3UKN2XLHIFe3AFxWLuX3E6n23lNYyQgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJzi4eoGAAC41BWXlOq173doXupBZeTaFepv1e1XROjv10TJzc3i6vYAAAAAwGmEjAAA1LC3l+7SByv3afId8YoO9dOGg9l6+tM0+Xl7aFDXpq5uDwAAAACcRsgIAEAN+23/CV3Xqr6uaVlfkhRRr46+Sj2kDQezXdwZAAAAAFQP7skIAEAN69AkUL/szNLujJOSpM2HcrRm3zH1aBFS4TF2u105OTkOGwAAAABcqFjJCABADXu0e3PlFhTr2n8ulbvFohLD0FPXt1C/hIYVHpOSkqIxY8bUYpcAAAAAcP5YyQgAQA377/rDmrfuoP51VzvNf6yrJv8lXu8t263P1h6o8Jjk5GRlZ2ebW3p6ei12DAAAAABVw0pGAABqWMrXW/Roj+a6Ob6BJKllmL8OHs/XW0t26vb2jco9xmq1ymq11mabAAAAAHDeWMkIAEANyy8qkcVicRhzc7PIMFzUEAAAAABUM1YyAgBQw65tWV9v/rBTDQO8FR3qp02HcjTt5z36S4fyVzECAAAAwMWGkBEAgBo2pl9rTf5um56bt0mZJ+2q7++tv3ZsrMeujXZ1awAAAABQLQgZAQCoYXWtHnqhb2u90Le1q1sBAAAAgBrBPRkBAAAAAAAAOIWQEQAAAAAAAIBTCBkBAAAAAAAAOIWQEQAAAAAAAIBTCBkBAAAAAAAAOKVK3y59w2c36NCpQ2XG72xxp57t9KwMw9CUtCn6bPtnyinMUVxwnEYljlJUYJRZW1hSqElrJmnhnoWyl9iVGJaoUZ1GKcw3zKzJtmdr/KrxWpK+RJLUI6KHkhOT5e/lf35XCQAAAAAAAKDGVGkl40d9PtKPd/xobu9e964k6YYmN0iSpm+crlmbZ2lk4kh91PsjBfsEa/CiwTpVdMo8x4RVE7R4/2JNvGqiZvaaqbziPA1bPEwlpSVmzYhlI7T12FZN6TlFU3pO0dZjWzVy2cjquF4AAAAAAAAA1axKIWM973oK9gk2t58O/KQIvwh1qN9BhmFo9pbZejjuYfWM7KnowGiN6zpOBcUFWrB7gSQptzBXc3fO1dMdnlZSgyTFBsUqpVuKdpzYoRWHV0iSdp/YrV8O/qIxnccoITRBCaEJGt15tJYeWKo92Xuq/xUAAAAAAAAA4JTzvidjUUmR5u+er1ujbpXFYtGBkweUmZ+pzg06mzVe7l5qH9ZeaRlpkqTNWZtVXFqspAZJZk1onVBFBUQpNSNVkpSWkSY/Tz+1DWlr1sSHxMvP00+pR1Mr7MdutysnJ8dhAwAAAAAAAFDzzjtkXJy+WLmFueoX1U+SlJWfJUkK8glyqAvyDlJmfqYkKTM/U55unrJZbZXW1POpV+b56vnUU1ZBVoX9pKSkyGazmVtERMT5XhoAAAAAAACAKjjvkPGLHV+oa8OuCq0T6jBukaVMbXljf2TIcKgpr94wjErPkZycrOzsbHNLT0+vtB4AAAAAAABA9TivkPHQyUNacXiF+kf3N8fOrGA8syLxjKyCLHNfsE+wikqLlG3Pdqg5VnDMoebMqsg/Ol5wXEHeQWXGz7BarfL393fYAAAAAAAAANS88woZ5+2cp3re9XRVo6vMsUZ1GynYJ1jLDy83x4pKirT2yFrFh8RLkloFtZKHm4dDTUZehnae2KmEkARJp++/mFuUqw0ZG8ya9RnrlVuUq4TQhPNpFwAAAAAAAEAN8qjqAaVGqebtnKebm98sD7f/HW6xWHRv7L2aun6qIv0i1di/sd7b8J68PbzVu1lvSZKfl5/6R/XXpNWTFGANkM3LpslrJis6IFqdwjtJkpoFNFOXhl00evloPZ/0vCRpzPIx6t6ou5ramlbHNQMAAAAAAACoRlUOGVccWqHDpw7r1qhby+wb1GaQ7CV2jV05Vjn2HMWFxOmd696Rr6evWTO843C5u7nrqaVPyV5sV2J4ot7o+obc3dzNmgndJihlVYqGLBoiSeoR0UMjE0eez/UBAAAAAAAAqGFVDhk7N+ysDQM3lLvPYrFoaMJQDU0YWuHxVnerRiaOrDQ0tFltGt9tfFVbAwAAAAAAAOAC5/3t0gAAAAAAAAAgETICAAAAAAAAcBIhIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcIqHqxsAAOBS12X8Dzp4Ir/M+H2dIvXSLW1c0BEAAOUrLi3VG5vWaf7+XcosyFeIt49uaRKtR1slyM1ikSQZhqE3N63TJ7u3KaeoUG3rhei5K5IUbQt0cfcAAFciZAQAoIZ9NayLSgzDfLz9yEndO22lbooLd2FXAACUNXXren28a6tSOl6laFuANh7L1MjVy+Tn6aUBMa3/f80Gvb99k17u2E1N/Gx6e3OqHlz6jRbeeLt8PT1dfAUAAFfh49IAANSwoLpWhfp5m9virb8rMqiOOjWr5+rWAABwkJqVoWsaNlaPBhFq6OunGyKaqkv9htp4PFPS6VWMs3Zs0pDYeF3fqIlibIEa3/EqFZSUaP7+XS7uHgDgSoSMAADUosLiUs1bd1B3dIiQ5f9/7Kw8drtdOTk5DhsAADWtfXCoVvx+WHtysyVJW09k6bfM39U9vJEk6cCpXGUW5KtLWEPzGC93d10ZEqZ1mUcrPC/zGgBc+vi4NAAAtei7zUeUU1Cs29s3qrQuJSVFY8aMqaWuAAA47aGWbZVbVKTeCz+Xu8WiEsPQE3Ht1btxc0lSZsHpewwHe/s4HBfk7a1Dp05VeF7mNQC49LGSEQCAWvTx6nT1iAlRfX/vSuuSk5OVnZ1tbunp6bXUIQDgcvZ1+h79d98uvdKphz6/rp9SOl6l6ds2at7eHZUeZxhSJQv0mdcA4DLASkYAAGrJgeN5+mVnpt6+t/1Za61Wq6xWay10BQDA/0xKW62HWsapd+NmkqSYgHo6lHdS725Zr1uaRJsrGDML8hXqU8c87pi9QEFWn3LPKTGvAcDlgJWMAADUkk/XHFBQXauuaRnq6lYAAChXfkmx3P60JNHdYlGpYUiSGvn6KdjbR7/+ftDcX1hSotUZR9QumPkNAC5nrGQEAKAWlJYa+mztAd12RSN5uPNvfACAC9PVDSL0zpY0hdepq2hbgDYfz9L72zepf5NoSZLFYtGA6NZ6d8t6Rdb1V6SfTe9uSZO3u7v6/P/7NgIALk+EjAAA1IKfd2bq4Il83dGh8i98AQDAlZ5tl6R/bVyrF3/7VcfsBQr1rqM7mrXQ0FYJZs1DLeNkLynWi78tV05hodoGhWhq917y9fR0XeMAAJcjZAQAoBZcFROiveN7u7oNAAAq5evpqZHtOmlku04V1lgsFg1rc4WGtbmiFjsDAFzo+LwWAAAAAAAAAKcQMp7F6NGjZbFYHLawsDBz/5/3ndleeeUVSdKxY8f097//XS1atFCdOnXUuHFjPfbYY8rOznZ4nu3bt6tfv34KDg6Wv7+/unTpoh9//LHS3u6///4yz9up0//+xXHv3r0V9vfpp59W46sEAAAAAACAyxkflz4HrVu31vfff28+dnd3N/98+PBhh9qFCxfqwQcf1G233SZJOnTokA4dOqRJkyapVatW2rdvnx555BEdOnRIn332mXlc7969FRMTox9++EE+Pj567bXX1KdPH+3atcsh1PyzXr16acaMGeZjLy8v888RERFl+nv33Xc1ceJE3XjjjVV8FQAAAAAAAIDyETKeAw8PjwqDvj+Pf/nll7r66qvVrFkzSVKbNm30+eefm/ubN2+ucePG6d5771VxcbE8PDyUmZmpnTt3avr06Wrbtq0kafz48Xrrrbe0adOmSkNGq9Va4X53d/cy+7744gvdeeedqlu37tkvHAAAAAAAADgHfFz6HOzYsUMNGjRQ06ZNddddd2n37t3l1v3+++9asGCBHnzwwUrPl52dLX9/f3l4nM54g4KCFBsbq1mzZunUqVMqLi7WO++8o/r166t9+/aVnmvJkiUKDQ1VTEyMHn74YR09erTC2rVr1yo1NfWs/QEAAAAAAABVwUrGs0hMTNSsWbMUExOj33//XWPHjlXnzp21adMmBQUFOdTOnDlTfn5+6t+/f4Xny8rK0ksvvaQhQ4aYYxaLRYsWLVK/fv3k5+cnNzc31a9fX998840CAgIqPNeNN96ov/zlL4qMjNSePXv03HPP6ZprrtHatWtltVrL1E+bNk2xsbHq3Llz1V8IAAAAAAAAoAKEjGfxx3sXxsXFKSkpSc2bN9fMmTP15JNPOtROnz5d99xzj7y9vcs9V05Ojnr37q1WrVrphRdeMMcNw9DQoUMVGhqqZcuWycfHR1OnTlWfPn20evVqhYeHl3u+O++80/xzmzZt1KFDB0VGRmrBggVlgs78/Hx9+OGHeu6556r8GgAAAAAAAACV4ePSVeTr66u4uDjt2LHDYXzZsmXatm2bHnrooXKPy83NVa9evVS3bl198cUX8vT0NPf98MMPmj9/vubMmaMuXbroiiuu0FtvvSUfHx/NnDnznHsLDw9XZGRkmd4k6bPPPlNeXp4GDBhwzucDAAAAAAAAzgUhYxXZ7XZt2bKlzOrCadOmqX379oqPjy9zTE5Ojq6//np5eXnpq6++KrPSMS8vT5Lk5ub4n8PNzU2lpaXn3FtWVpbS09PLXfk4bdo03XzzzQoJCTnn8wEAAAAAAADngpDxLJ566iktXbpUe/bs0cqVK3X77bcrJydHAwcONGtycnL06aeflruKMTc3V9dff71OnTqladOmKScnR0eOHNGRI0dUUlIiSUpKSlJgYKAGDhyotLQ0bd++XU8//bT27Nmj3r17m+dq2bKlvvjiC0nSyZMn9dRTT2n58uXau3evlixZor59+yo4OFi33nqrQw87d+7UTz/9VOEqSwAAAAAAAMAZVb4n4++nfterv72qnw/+LHuxXZH+kRrTZYxaB7WWdPr+glPSpuiz7Z8ppzBHccFxGpU4SlGBUeY5CksKNWnNJC3cs1D2ErsSwxI1qtMohfmGmTXZ9myNXzVeS9KXSJJ6RPRQcmKy/L38nbviKjpw4IDuvvtuZWZmKiQkRJ06ddKKFSsUGRlp1syZM0eGYejuu+8uc/zatWu1cuVKSVJUVJTDvj179qhJkyYKDg7WN998o1GjRumaa65RUVGRWrdurS+//NJhZeS2bduUnZ0tSXJ3d9eGDRs0a9YsnThxQuHh4br66qv18ccfy8/Pz+F5pk+froYNG+r666+vttcFAAAAAAAAOKNKIWO2PVsDFg7QlWFXasq1U1TPp57Sc9Pl7/m/4G/6xumatXmWxnYZq0j/SL27/l0NXjRY/731v/L19JUkTVg1QUsOLNHEqyYqwBqgSWsmadjiYfq4z8dyd3OXJI1YNkK/n/pdU3pOkSSNWT5GI5eN1BvXvlFd135O5syZc9aawYMHa/DgweXu69GjhwzDOOs5OnTooG+//bbSmj+ex8fH56z1Z7z88st6+eWXz6kWAAAAAAAAqKoqfVx6+sbpCvMN09iuYxUXEqeGdRuqU3gnRfhHSDodgs3eMlsPxz2snpE9FR0YrXFdx6mguEALdi+QJOUW5mruzrl6usPTSmqQpNigWKV0S9GOEzu04vAKSdLuE7v1y8FfNKbzGCWEJighNEGjO4/W0gNLtSd7TzW/BAAAAAAAAACcUaWQcUn6ErUKaqUnlzyp7h9311/++xd9tv0zc/+BkweUmZ+pzg06m2Ne7l5qH9ZeaRlpkqTNWZtVXFqspAZJZk1onVBFBUQpNSNVkpSWkSY/Tz+1DWlr1sSHxMvP00+pR1PP4zIBAAAAAAAA1JQqfVz6QO4BfbLtEw1oPUAPxz2sDZkbNH7VeHm5e+nm5jcrKz9LkhTkE+RwXJB3kA6fOixJyszPlKebp2xWW5mazPxMs6aeT70yz1/Pp56yCrLK7c1ut8tut5uPc3JyqnJpAAAAAAAAAM5TlVYylqpUsUGxevyKxxUbFKs7Wtyh26Jv08fbPnaos8hS5tjyxv7IkOFQU159Zfc2TElJkc1mM7eIiIizXQ4AAAAAAACAalClkDHEJ0TNA5o7jDWzNdORk0ck/W8F45kViWdkFWSZ+4J9glVUWqRse7ZDzbGCYw41Z1ZF/tHxguMK8g4qMy5JycnJys7ONrf09PSqXBoAAAAAAACA81SlkDEhNEF7s/c6jO3N2avwuuGSpEZ1GynYJ1jLDy839xeVFGntkbWKD4mXJLUKaiUPNw+Hmoy8DO08sVMJIQmSTt9/MbcoVxsyNpg16zPWK7coVwmhCeX2ZrVa5e/v77ABAAAAAAAAqHlVuifjgFYDdN/X9+m99e/phiY3aEPmBn2+43M9n/S8JMliseje2Hs1df1URfpFqrF/Y7234T15e3ird7PekiQ/Lz/1j+qvSasnKcAaIJuXTZPXTFZ0QLQ6hXeSJDULaKYuDbto9PLR5rnHLB+j7o26q6mtaXVePwAAAAAAAAAnVSlkbBPcRq9d/Zpe++01vZ32thr6NdTwK4erT7M+Zs2gNoNkL7Fr7MqxyrHnKC4kTu9c9458PX3NmuEdh8vdzV1PLX1K9mK7EsMT9UbXN+Tu5m7WTOg2QSmrUjRk0RBJUo+IHhqZONLZ6wUAAAAAAABQzaoUMkpS94ju6h7RvcL9FotFQxOGamjC0AprrO5WjUwcWWloaLPaNL7b+Kq2BwAAAAAAAKCWVemejAAAAAAAAADwZ4SMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKYSMAAAAAAAAAJxCyAgAAAAAAADAKR6ubuBCFzczztUt1JgNAze4ugUAAAAAAABcAljJCAAAAAAAAMAphIwAAAAAAAAAnELICAAAAAAAAMAphIwAAAAAAAAAnELICAAAAAAAAMAphIwAAAAAAAAAnELICAAAAAAAAMAphIwAAAAAAAAAnELICAAAAAAAAMApHq5uAACAy8GR7AKNX7hFS7ZnqKCoRE2D62ribW0V18jm6tYAAAAAwGmEjAAA1LDsvCLdNuVXJTUP0vsPdFSQr5f2H8uTvw/TMAAAAIBLA7/dAABQw6Ys3aUGAd6a9Jd4cyyiXh0XdgQAAAAA1YuQEQCAGvb9lt91VXSIhn6wVit3H1N9f2/dlxSpuzs2dnVrAAAAAFAtCBkBAKhh+4/lafbKfXqoa1MN7RGltAMnNPqrTfJyd9Nt7RuVe4zdbpfdbjcf5+Tk1Fa7AAAAAFBlfLs0AAA1zDAMtWngr+G9WqpNQ5vuSTy9inH2yn0VHpOSkiKbzWZuERERtdgxAAAAAFQNISMAADUs1M9b0aF+DmPNQ+vq0In8Co9JTk5Wdna2uaWnp9d0mwAAAABw3vi4NAAANax9ZKB2Z550GNuTcUoNA3wqPMZqtcpqtdZ0awAAAABQLVjJCABADXuwa1Ot239Cb/64U3szT+nL1IP6aNV+DUhq4urWAAAAAKBasJIRAIAaFh8RoHfua6+J32zTvxbvUESgj57v20q3tGvo6tYAAAAAoFoQMgIAUAuuja2va2Pru7oNAAAAAKgRfFwaAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4xaMqxW+lvqUpaVMcxoK8g7TkziWSJMMwNCVtij7b/plyCnMUFxynUYmjFBUYZdYXlhRq0ppJWrhnoewldiWGJWpUp1EK8w0za7Lt2Rq/aryWpJ8+b4+IHkpOTJa/l//5XSUAAAAAAACAGlPllYxRAVH68Y4fzW1uv7nmvukbp2vW5lkamThSH/X+SME+wRq8aLBOFZ0yayasmqDF+xdr4lUTNbPXTOUV52nY4mEqKS0xa0YsG6Gtx7ZqSs8pmtJzirYe26qRy0Y6eakAAAAAAAAAakKVQ0Z3i7uCfYLNrZ53PUmnVzHO3jJbD8c9rJ6RPRUdGK1xXcepoLhAC3YvkCTlFuZq7s65errD00pqkKTYoFildEvRjhM7tOLwCknS7hO79cvBXzSm8xglhCYoITRBozuP1tIDS7Une081XjoAAAAAAACA6lDlkHF/7n5d88k16vV5Lz299Gml56ZLkg6cPKDM/Ex1btDZrPVy91L7sPZKy0iTJG3O2qzi0mIlNUgya0LrhCoqIEqpGamSpLSMNPl5+qltSFuzJj4kXn6efko9mlphX3a7XTk5OQ4bAAAAAAAAgJpXpZAxLjhO47qO09vXva0Xkl5QZn6m7vv6Pp0oOKGs/CxJUpBPkMMxQd5ByszPlCRl5mfK081TNqut0pp6PvXKPHc9n3rKKsiqsLeUlBTZbDZzi4iIqMqlAQAAAAAAADhPVQoZuzXqpusir1NMYIySGiTpzWvflCR9uetLs8YiS5njyhv7I0OGQ0159YZhVHqO5ORkZWdnm1t6enql9QAAAAAAAACqR5U/Lv1HdTzrKDowWvtz9psrGM+sSDwjqyDL3BfsE6yi0iJl27Mdao4VHHOoObMq8o+OFxxXkHdQmfEzrFar/P39HTYAAAAAAAAANc+pkLGwpFC7s3cruE6wGtVtpGCfYC0/vNzcX1RSpLVH1io+JF6S1CqolTzcPBxqMvIytPPETiWEJEg6ff/F3KJcbcjYYNasz1iv3KJcJYQmONMuAAAAAAAAgBrgUZXiSasnqXtEd4X7hutYwTG9u/5dnSo6pX7N+8liseje2Hs1df1URfpFqrF/Y7234T15e3ird7PekiQ/Lz/1j+qvSasnKcAaIJuXTZPXTFZ0QLQ6hXeSJDULaKYuDbto9PLRej7peUnSmOVj1L1RdzW1Na3mywcAAAAAAADgrCqFjL/n/a4RP43Qcftx1bPWU9uQtvrgpg/UoG4DSdKgNoNkL7Fr7MqxyrHnKC4kTu9c9458PX3NcwzvOFzubu56aulTshfblRieqDe6viF3N3ezZkK3CUpZlaIhi4ZIknpE9NDIxJHVcb0AAAAAAAAAqlmVQsZXur9S6X6LxaKhCUM1NGFohTVWd6tGJo6sNDS0WW0a3218VVoDAAAAAAAA4CJO3ZMRAAAAAAAAAKq0khEAAAAAcGn7Pe+UJq9fo5+OHJC9pFhN/Gwa26GrWtcLliQZhqE3N63TJ7u3KaeoUG3rhei5K5IUbQt0cecAAFciZAQAAAAASJKyC+366w8LlBgarne7Xa8gb2/tP5krPy8vs2bq1g16f/smvdyxm5r42fT25lQ9uPQbLbzxdvl6erqwewCAK/FxaQAAAACAJGnq1vUKr+Orlzt2U9ugEDX09VNS/QZqXNdf0ulVjLN2bNKQ2Hhd36iJYmyBGt/xKhWUlGj+/l0u7h4A4EqsZAQAAAAASJJ+PJSuLvUb6olff9DqjCOq71NHdzWP1R3NW0iSDpzKVWZBvrqENTSP8XJ315UhYVqXeVR3Nm9Z7nntdrvsdrv5OCcnp2YvBABQ61jJCAAAAACQJKWfzNWcXVsVWddf7111g+5s3lIvp67QvL07JEmZBfmSpGBvH4fjgry9zX3lSUlJkc1mM7eIiIiauwgAgEsQMgIAAAAAJEmGDLUKDNI/2nZQq8Ag3dm8pf7StIXm7Npa+XGGZLFUvD85OVnZ2dnmlp6eXs2dAwBcjY9LAwAAAAAknV6h2Nw/wGGsmb9N3x3ca+6XTq9oDPWpY9YcsxcoyOq4uvGPrFarrFZrtfcLALhwsJIRAAAAACBJuiK4vvbmZjuM7c3NUYM6dSVJjXz9FOzto19/P2juLywp0eqMI2oXHFqrvQIALiyEjAAAAAAASdLAmNZKyzqqdzanaV9ujubv26VPd2/TX6NiJUkWi0UDolvr3S3rtejAXm3PPq6Rq5fJ291dfRo3d3H3AABX4uPSAAAAAABJUly9EP27y7V6dcNavbU5VY186+qZhET1jfxfgPhQyzjZS4r14m/LlVNYqLZBIZravZd8PT1d2DkAwNUIGQEAAAAApqsbNNbVDRpXuN9isWhYmys0rM0VtdgVAOBCx8elAQAAAAAAADiFkBEAAAAAAACAU/i4NAAANezVRdv1r8U7HMaC61q15tmeLuoIAAAAAKoXISMAALUgpn5dzX4o0XzsbrG4sBsAAAAAqF6EjAAA1AJ3NzeF+nm7ug0AAAAAqBGEjAAA1IK9mafUcdz38vJwU0JEgIbf0FKNg+pUWG+322W3283HOTk5tdEmAAAAAJwXvvgFAIAaltA4QP+8I16zHuyo8f3bKiPXrv5TftXxU4UVHpOSkiKbzWZuERERtdgxAAAAAFQNISMAADXs6hahujEuXC3D/NU1OlgzHrhSkvT5bwcqPCY5OVnZ2dnmlp6eXlvtAgAAAECV8XFpAABqWR0vD7UM89OezFMV1litVlmt1lrsCgAAAADOHysZAQCoZfbiEu08epIvggEAAABwyWAlIwAANWzcgs26Nra+Ggb4KPOkXW/8sFMn7cW6rX1DV7cGAAAAANWCkBEAgBp2OLtAj320TsfzClXP10vtIgL1xdDOahRY8bdLAwAAAMDFhJARAIAa9sZfr3B1CwAAAABQo7gnIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcIpTIePUDVMVNzNOE1ZNMMcMw9BbqW/pmk+uUYfZHfTANw9o5/GdDscVlhTq5ZUvq9ucbur4QUf9ffHfdeTUEYeabHu2kpclK+nDJCV9mKTkZcnKKcxxpl0AAAAAAAAANeC8Q8aNmRv12fbPFBMY4zA+feN0zdo8SyMTR+qj3h8p2CdYgxcN1qmiU2bNhFUTtHj/Yk28aqJm9pqpvOI8DVs8TCWlJWbNiGUjtPXYVk3pOUVTek7R1mNbNXLZyPNtFwAAAAAAAEANOa+QMa8oT88se0YvJL0gfy9/c9wwDM3eMlsPxz2snpE9FR0YrXFdx6mguEALdi+QJOUW5mruzrl6usPTSmqQpNigWKV0S9GOEzu04vAKSdLuE7v1y8FfNKbzGCWEJighNEGjO4/W0gNLtSd7TzVcNgAAAAAAAIDqcl4h47iV49StYTclNUhyGD9w8oAy8zPVuUFnc8zL3Uvtw9orLSNNkrQ5a7OKS4sdjg2tE6qogCilZqRKktIy0uTn6ae2IW3NmviQePl5+in1aGq5PdntduXk5DhsAAAAAAAAAGpelUPGhXsWanPWZj3R/oky+7LysyRJQT5BDuNB3kHKzM+UJGXmZ8rTzVM2q63Smno+9cqcv55PPWUVZJXbV0pKimw2m7lFRERU9dIAAAAAAAAAnIcqhYxHTh3R+FXjNb7beFndrRXWWWQ5p7E/MmQ41JRXbxhGhccnJycrOzvb3NLT0yt9PgAAAAAAAADVw6MqxZuyNulYwTHdOf9Oc6zEKNHa39fqo60f6b+3/FfS6ZWIIXVCzJqsgixzdWOwT7CKSouUbc92WM14rOCYEkITzJozqyL/6HjBcQV5B5UZlySr1SqrteLgEwAAAAAAAEDNqNJKxk7hnTT35rn6tO+n5tY6qLV6N+utT/t+qkZ+jRTsE6zlh5ebxxSVFGntkbWKD4mXJLUKaiUPNw+Hmoy8DO08sVMJIQmSTt9/MbcoVxsyNpg16zPWK7co1wwiAQAAAAAAAFwYqrSS0dfTV9GB0Q5jPh4+CrAGmOP3xt6rqeunKtIvUo39G+u9De/J28NbvZv1liT5efmpf1R/TVo9SQHWANm8bJq8ZrKiA6LVKbyTJKlZQDN1adhFo5eP1vNJz0uSxiwfo+6NuqupranTFw0AAAAAAACg+lQpZDwXg9oMkr3ErrErxyrHnqO4kDi9c9078vX0NWuGdxwudzd3PbX0KdmL7UoMT9QbXd+Qu5u7WTOh2wSlrErRkEVDJEk9InpoZOLI6m4XAAAAAAAAgJOcDhln9Jrh8NhisWhowlANTRha4TFWd6tGJo6sNDS0WW0a3228s+0BAAAAAAAAqGFVuicjAAAAAAAAAPwZISMAAAAAAAAApxAyAgAAAAAAAHAKISMAAAAAAAAApxAyAgAAAAAAAHAKISMAAAAAAAAApxAyAgAAAAAAAHAKISMAAAAAAAAApxAyAgAAAAAAAHAKISMAALXszR93qskzCzTmv5tc3QoAAAAAVAtCRgAAalFa+gl9tGq/Wob5uboVAAAAAKg2hIwAANSSU/ZiPfFxqsb3byubj6er2wEAAACAakPICABALXnuy426ukWoukYHn7XWbrcrJyfHYQMAAACACxUhIwAAteCrtEPadDBHw3u1OKf6lJQU2Ww2c4uIiKjhDgEAAADg/BEyAgBQww6dyNeL/92kV+9MkLen+zkdk5ycrOzsbHNLT0+v4S4BAAAA4Px5uLoBAAAudRsOZivzZKH6vvGzOVZSamjV3mOatXyfto+9Ue5uFodjrFarrFZrbbcKAAAAAOeFkBEAgBrWJSpY3z5xlcPY05+lqXlIXT3SvXmZgBEAAAAALjaEjAAA1LC6Vg+1CPNzGPPxdFdAHc8y4wAAAABwMeKejAAAAAAAAACcwkpGAABc4OMhSa5uAQAAAACqDSsZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADiFkBEAAAAAAACAUwgZAQAAAAAAADjFw9UNAAAAAAAuTO9uSdOrG9bqvuhWGtmukyTJMAy9uWmdPtm9TTlFhWpbL0TPXZGkaFugi7sFALgSKxkBAAAAAGVsOJahT3ZvU4s/hYdTt27Q+9s36dkrkvRJz5sV7O2jB5d+o1NFRS7qFABwISBkBAAAAAA4OFVUpKdXLNWLHbrI38tqjhuGoVk7NmlIbLyub9REMbZAje94lQpKSjR//y4XdgwAcDVCRgAAAACAg5d+W67u4RHqXL+hw/iBU7nKLMhXl7D/jXu5u+vKkDCtyzxa4fnsdrtycnIcNgDApYWQEQAAAABgWrB/tzafyNKTbduX2ZdZkC9JCvb2cRgP8vY295UnJSVFNpvN3CIiIqq3aQCAyxEyAgAAAAAkSYfzTipl3QpNTLxKVvdz/55Qw5Aslor3JycnKzs729zS09OroVsAwIWEb5cGAAAAAEiSNh3PUpa9QLcv+socKzEMrck4og93btHXN94m6fSKxlCfOmbNMXuBgqw+Zc53htVqldVqrXA/AODiR8gIAAAAAJAkJYU20Jc33OowNmrVMjX1t+mhlm0V4eunYG8f/fr7QbUKDJIkFZaUaHXGEf1f2w6uaBkAcIEgZAQAAAAASJJ8PT0VYwt0GPPx8FCAl9UcHxDdWu9uWa/Iuv6K9LPp3S1p8nZ3V5/GzV3RMgDgAkHICAAAAAA4Zw+1jJO9pFgv/rZcOYWFahsUoqnde8nX09PVrQEAXKhKIePHWz/Wx9s/1qGThyRJzQOa65G2j6hbo26SJMMwNCVtij7b/plyCnMUFxynUYmjFBUYZZ6jsKRQk9ZM0sI9C2UvsSsxLFGjOo1SmG+YWZNtz9b4VeO1JH2JJKlHRA8lJybL38vfycsFAAAAAFTFrKtvcnhssVg0rM0VGtbmChd1BAC4EFXp26Xr+9bXE1c8oTm952hO7zlKDEvUYz8+pp3Hd0qSpm+crlmbZ2lk4kh91PsjBfsEa/CiwTpVdMo8x4RVE7R4/2JNvGqiZvaaqbziPA1bPEwlpSVmzYhlI7T12FZN6TlFU3pO0dZjWzVy2chqumQAAAAAAAAA1alKIWOPiB66qtFVamJroia2JnrsisdUx6OO1meul2EYmr1lth6Oe1g9I3sqOjBa47qOU0FxgRbsXiBJyi3M1dydc/V0h6eV1CBJsUGxSumWoh0ndmjF4RWSpN0nduuXg79oTOcxSghNUEJogkZ3Hq2lB5ZqT/ae6n8FAAAAAAAAADilSiHjH5WUlmjhnoXKL85XfEi8Dpw8oMz8THVu0Nms8XL3Uvuw9krLSJMkbc7arOLSYiU1SDJrQuuEKiogSqkZqZKktIw0+Xn6qW1IW7MmPiRefp5+Sj2aer7tAgAAAAAAAKghVf7il+3Ht+ver+9VYUmh6njU0WtXv6bmAc3NADDIJ8ihPsg7SIdPHZYkZeZnytPNUzarrUxNZn6mWVPPp16Z563nU09ZBVkV9mW322W3283HOTk5Vb00AAAAAAAAAOehyisZm/o31Wd9P9MHN32gO1rcoWd/fla7Tuwy91tkKXNMeWN/ZMhwqCmv3jCMSs+RkpIim81mbhEREWe7FAAAAAAAAADVoMoho6e7pxr7N1br4NZ6ov0TiqkXo9lbZpsrGM+sSDwjqyDL3BfsE6yi0iJl27Mdao4VHHOoycovu2LxeMFxBXkHlRk/Izk5WdnZ2eaWnp5e1UsDAAAAAAAAcB7O+56MJkMqLClUo7qNFOwTrOWHl5u7ikqKtPbIWsWHxEuSWgW1koebh0NNRl6Gdp7YqYSQBEmn77+YW5SrDRkbzJr1GeuVW5SrhNCECtuwWq3y9/d32AAAAAAAAADUvCrdk/Ffv/1LXRt2VZhvmE4VndI3e77R6t9Xa0rPKbJYLLo39l5NXT9VkX6RauzfWO9teE/eHt7q3ay3JMnPy0/9o/pr0upJCrAGyOZl0+Q1kxUdEK1O4Z0kSc0CmqlLwy4avXy0nk96XpI0ZvkYdW/UXU1tTav58gEAAAAAAAA4q0ohY1Z+lkYuG6mM/Az5efkpOjBaU3pOMb9RelCbQbKX2DV25Vjl2HMUFxKnd657R76evuY5hnccLnc3dz219CnZi+1KDE/UG13fkLubu1kzodsEpaxK0ZBFQyRJPSJ6aGTiyOq4XgAAAAAAAADVrEoh44tdXqx0v8Vi0dCEoRqaMLTCGqu7VSMTR1YaGtqsNo3vNr4qrQEAAAAAAABwEefvyQgAAAAAAADgskbICAAAAAAAAMAphIwAAAAAAAAAnELICAAAAAAAAMApVfriFwAAUHX/WbFPH6zYpwPH8yVJ0fXr6rFro3V1i1AXdwYAAAAA1YOQEQCAGhbu760RvVoqMqiOJOnz3w5o8Kw1WvBYN8XU93NxdwAAAADgPEJGAABqWM9W9R0eP31DS81esV/r9h8nZAQAAABwSSBkBACgFpWUGlqw4bDyC0t0ReNAV7cDAAAAANWCkBEAgFqw9UiO+r/1q+zFparj5a537muv6EpWMdrtdtntdvNxTk5ObbQJAAAAAOeFb5cGAKAWNAuuq68f66YvhnbWvZ0i9X+fpmnH77kV1qekpMhms5lbRERELXYLAAAAAFVDyAgAQC3w8nBTk2BftW0UoBG9Wio23E/Tf9lbYX1ycrKys7PNLT09vfaaBQAAAIAq4uPSAAC4gGFIhcWlFe63Wq2yWq212BEAAAAAnD9CRgAAatjEb7aqR4tQhdu8daqwWP9NO6QVu7M0c1BHV7cGAAAAANWCkBEAgBqWedKuf3ycqoxcu/y8PdQy3E8zB3VUt+gQV7cGAAAAANWCkBEAgBo28fZ4V7cAAAAAADWKL34BAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BRCRgAAAAAAAABOIWQEAAAAAAAA4BSPqhRP3TBV3+/7Xnuy98jbw1vxIfH6R/t/qKmtqVljGIampE3RZ9s/U05hjuKC4zQqcZSiAqPMmsKSQk1aM0kL9yyUvcSuxLBEjeo0SmG+YWZNtj1b41eN15L0JZKkHhE9lJyYLH8vf+euGAAAAAAAAEC1qtJKxjVH1uiulnfpg5s+0LvXvasSo0RDFg1RXlGeWTN943TN2jxLIxNH6qPeHynYJ1iDFw3WqaJTZs2EVRO0eP9iTbxqomb2mqm84jwNWzxMJaUlZs2IZSO09dhWTek5RVN6TtHWY1s1ctnIarhkAAAAAAAAANWpSiHj29e9rVuiblFUYJRa1Guhl7q8pMOnDmtz1mZJp1cxzt4yWw/HPayekT0VHRitcV3HqaC4QAt2L5Ak5Rbmau7OuXq6w9NKapCk2KBYpXRL0Y4TO7Ti8ApJ0u4Tu/XLwV80pvMYJYQmKCE0QaM7j9bSA0u1J3tPNb8EAAAAAAAAAJzh1D0ZTxaelCTZrDZJ0oGTB5SZn6nODTqbNV7uXmof1l5pGWmSpM1Zm1VcWqykBklmTWidUEUFRCk1I1WSlJaRJj9PP7UNaWvWxIfEy8/TT6lHU8vtxW63Kycnx2EDAAAAAAAAUPPOO2Q0DEOvrH5FV4ReoejAaElSVn6WJCnIJ8ihNsg7SJn5mZKkzPxMebp5msFkRTX1fOqVec56PvWUVZBVbj8pKSmy2WzmFhERcb6XBgAAAAAAAKAKzjtkHLdynLYf364JV00os88iyzmN/ZEhw6GmvHrDMCo8Pjk5WdnZ2eaWnp5e6fMBAAAAAAAAqB7nFTK+vPJlLUlfomk3THP4RugzKxjPrEg8I6sgy9wX7BOsotIiZduzHWqOFRxzqDmzKvKPjhccV5B3UJlxSbJarfL393fYAAAAAAAAANS8KoWMhmFo3IpxWrxvsabdME2N/Bo57G9Ut5GCfYK1/PByc6yopEhrj6xVfEi8JKlVUCt5uHk41GTkZWjniZ1KCEmQdPr+i7lFudqQscGsWZ+xXrlFuUoITajqNQIAAAAAAACoQR5VKR63cpy+3v21/nXNv+Tr6WuuWKzrWVfeHt6yWCy6N/ZeTV0/VZF+kWrs31jvbXhP3h7e6t2styTJz8tP/aP6a9LqSQqwBsjmZdPkNZMVHRCtTuGdJEnNApqpS8MuGr18tJ5Pel6SNGb5GHVv1F1NbU2r8/oBAAAAAAAAOKlKIePH2z6WJA36dpDD+EtdXtItUbec3tdmkOwldo1dOVY59hzFhcTpneveka+nr1k/vONwubu566mlT8lebFdieKLe6PqG3N3czZoJ3SYoZVWKhiwaIknqEdFDIxNHntdFAgAAAAAAAKg5VQoZNwzccNYai8WioQlDNTRhaIU1VnerRiaOrDQ0tFltGt9tfFXaAwDggvTmjzv17aYj2nX0pLw93XVFZKCeubGlmofUdXVrAAAAAFAtzvvbpQEAwLlZueeY7usUqS/+1kX/eTBRJaWGBkxbpbzCYle3BgAAAADVokorGQEAQNXNGtTR4fErt7dV+7Hfa8OBbCU2C3JRVwAAAABQfQgZAQCoZbkFp1cwBtTxqrDGbrfLbrebj3Nycmq8LwAAAAA4X3xcGgCAWmQYhsYu2KwrmwSqRZhfhXUpKSmy2WzmFhERUYtdAgAAAEDVEDICAFCLnv9yk7YcztW/725XaV1ycrKys7PNLT09vZY6BAAAAICq4+PSAADUkhe+3Kjvt/yuT4YkKdzmU2mt1WqV1Wqtpc4AAAAAwDmEjAAA1DDDMPTCV5v07aYjmjM4SRH16ri6JQAAAACoVoSMAADUsOe+3KgvUw/pvQEd5Gt119HcAkmSv7envD3dXdwdAAAAADiPkBEAgBo2e8V+SdJd765wGH/l9rb6Swe+0AUAAADAxY+QEQCAGrZ3fG9XtwAAAAAANYpvlwYAAAAAAADgFEJGAAAAAAAAAE7h49IAAAAAAEnSu1vStOjAPu3OPSFvdw+1CwrV/7W9Uk39bWaNYRh6c9M6fbJ7m3KKCtW2XoieuyJJ0bZAF3YOAHA1VjICAAAAACRJqzOO6K9RsZpzbV9N636Dig1DD/70jfKKi8yaqVs36P3tm/TsFUn6pOfNCvb20YNLv9GpoqJKzgwAuNQRMgIAAAAAJEnvXXWDbm0arWhboFoGBOnlK7vqcN4pbTqeJen0KsZZOzZpSGy8rm/URDG2QI3veJUKSko0f/8uF3cPAHAlQkYAAAAAQLly///qRJuXVZJ04FSuMgvy1SWsoVnj5e6uK0PCtC7zaIXnsdvtysnJcdgAAJcWQkYAAAAAQBmGYWhC2kq1D66vmP9/v8XMgnxJUrC3j0NtkLe3ua88KSkpstls5hYREVFzjQMAXIKQEQAAAABQxku/Lde2E8c1qVOPs9YahmSxVLw/OTlZ2dnZ5paenl59jQIALgh8uzQAAAAAwMHY35brx0Pp+s/VNymsjq85fmYFY2ZBvkJ96pjjx+wFCrL6lDnPGVarVVarteYaBgC4HCsZAQAAAACSTn9E+qXflmvRwX2a0aOXGtX1c9jfyNdPwd4++vX3g+ZYYUmJVmccUbvg0NpuFwBwAWElIwAAAABAkvTib8u1YP9uvdHlWvl6eCojP0+S5OfpJW8PD1ksFg2Ibq13t6xXZF1/RfrZ9O6WNHm7u6tP4+Yu7h4A4EqEjAAAAAAASdKcXVslSQOXLHQYf/nKbrq1abQk6aGWcbKXFOvF35Yrp7BQbYNCNLV7L/l6etZ6vwCACwchIwAAAABAkrTljkFnrbFYLBrW5goNa3NFLXQEALhYcE9GAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFEJGAAAAAAAAAE4hZAQAAAAAAADgFI+qHrDmyBq9v+l9bc7arIz8DL129Wu6tvG15n7DMDQlbYo+2/6ZcgpzFBccp1GJoxQVGGXWFJYUatKaSVq4Z6HsJXYlhiVqVKdRCvMNM2uy7dkav2q8lqQvkST1iOih5MRk+Xv5n//VAgAAAAAAAKh2VV7JmF+cr5jAGI1MHFnu/ukbp2vW5lkamThSH/X+SME+wRq8aLBOFZ0yayasmqDF+xdr4lUTNbPXTOUV52nY4mEqKS0xa0YsG6Gtx7ZqSs8pmtJzirYe26qRy8p/TgAAAAAAAACuU+WQsVujbnrsisfUM7JnmX2GYWj2ltl6OO5h9YzsqejAaI3rOk4FxQVasHuBJCm3MFdzd87V0x2eVlKDJMUGxSqlW4p2nNihFYdXSJJ2n9itXw7+ojGdxyghNEEJoQka3Xm0lh5Yqj3Ze5y8ZAAAAAAAAADVqVrvyXjg5AFl5meqc4PO5piXu5fah7VXWkaaJGlz1mYVlxYrqUGSWRNaJ1RRAVFKzUiVJKVlpMnP009tQ9qaNfEh8fLz9FPq0dRyn9tutysnJ8dhAwAAAAAAAFDzqjVkzMrPkiQF+QQ5jAd5BykzP1OSlJmfKU83T9mstkpr6vnUK3P+ej71lFWQVe5zp6SkyGazmVtERITT1wMAAAAAAADg7Grk26UtspzT2B8ZMhxqyqs3DKPC45OTk5WdnW1u6enpVegYAICatXJ3lh58f7U6jvteTZ5ZoG83HXF1SwAAAABQbao1ZDyzgvHMisQzsgqyzH3BPsEqKi1Stj3boeZYwTGHmjOrIv/oeMFxBXkHlRmXJKvVKn9/f4cNAIALRV5RiWLD/fViv9aubgUAAAAAql21hoyN6jZSsE+wlh9ebo4VlRRp7ZG1ig+JlyS1CmolDzcPh5qMvAztPLFTCSEJkk7ffzG3KFcbMjaYNesz1iu3KFcJoQnV2TIAALXi6haheuqGFurVJtzVrQAAAABAtfOo6gF5RXnan7vffHww96C2Htsqm5dN4XXDdW/svZq6fqoi/SLV2L+x3tvwnrw9vNW7WW9Jkp+Xn/pH9dek1ZMUYA2QzcumyWsmKzogWp3CO0mSmgU0U5eGXTR6+Wg9n/S8JGnM8jHq3qi7mtqaVsd1AwBwQbPb7bLb7eZjvtAMAAAAwIWsyiHjpqxNGvTtIPPxK2tekSTd3Pxmjes6ToPaDJK9xK6xK8cqx56juJA4vXPdO/L19DWPGd5xuNzd3PXU0qdkL7YrMTxRb3R9Q+5u7mbNhG4TlLIqRUMWDZEk9YjooZGJI8/7QgEAuJikpKRozJgxrm4DAAAAAM5JlUPGK8Ou1IaBGyrcb7FYNDRhqIYmDK2wxupu1cjEkZWGhjarTeO7ja9qewAAXBKSk5P15JNPmo9zcnIUERHhwo4AAAAAoGJVDhkBAEDNs1qtslqtrm4DAAAAAM5JtX7xCwAAAAAAAIDLDysZAQCoBafsxdqbdcp8nH4sT5sOZSugjpcaBvi4sDMAAAAAcB4hIwAAtWD9gWzd/d4K8/HYBVskSbdd0UiT74h3VVsAAAAAUC0IGQEAqAVJzYO0d3xvV7cBAAAAADWCezICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcAohIwAAAAAAAACnEDICAAAAAAAAcIqHqxs4mzlb5+j9Te8rIy9DzQOaa0THEWpfv72r2wIAoMr+s3yv3vlpt47m2hVTv66e79NaHZvWc3VbAACclw93btH0bRuUkZ+vKFuAkhMS1SEkzNVtAQBc5IJeyfjNnm80YfUEPRz3sD7t+6na12+vR79/VIdPHnZ1awAAVMl/0w7pxfmbNezqKH39WFdd2aSe7p+xSgdP5Lu6NQAAquzr/bs1PnWlhsTGa+71/dQ+uL6GLPtOh06ddHVrAAAXuaBDxlmbZ6l/VH/dFnObmgU004iOIxTmG6aPt33s6tYAAKiSqT/v0R0dInRXx8aKCvXTC31bK9zmrdkr9rm6NQAAqmzm9o3q3zRGf2nWQs39AzSyXSeF+fhqzq6trm4NAOAiF+zHpYtKirQ5a7MebPOgw3jnBp2VmpFapt5ut8tut5uPs7OzJUk5OTlO9VGSX+LU8RcyZ18bAFXD+8nZjzcMozraueAUFpdq48FsPdq9ucN4t+gQrd13vNxjamJeK7XnnfexFwPmNaB2XcrvKcxrlSssKdGm41l6qGVbh/EuYQ21LutoucfUxLxWknfpfhqAOQ2oXZfy+4nk3HtKVea0CzZkPG4/rhKjREE+QQ7jQd5BysrPKlOfkpKiMWPGlBmPiIiosR4vdrZHba5uAcAlorreT3Jzc2WzXXrvTcfzClVSaijEz8thPMTPqszt9nKPYV6rOttrru4AwKWiut5PLtV57UShXSWGoWBvH4fxIKuPMgvKD5+Z16rG9sAwV7cA4BJSHe8p5zKnXbAhY0UMlZ+cJicn68knnzQfl5aW6tixYwoKCpLFYqmt9s5bTk6OIiIilJ6eLn9/f1e3A+Aid7G9pxiGodzcXDVo0MDVrdQwx/nIMIw/D5mY1wDgtIvx/eSynddkyFLBxMa8BgCnXWzvJ1WZ0y7YkDHQGih3i3uZVYvHCo6VWd0oSVarVVar1WEsICCgJlusEf7+/hfFXzIAF4eL6T3lUlzpcUZgHS+5u1mUkeu4ajHzZKGC61rLPYZ5DQAcXWzvJ5fyvBbgZZW7xVJm1eIxe4GC/rS68QzmNQBwdDG9n5zrnHbBfvGLp7unWgW10vLDyx3Glx9aroSQBNc0BQDAefDycFObhjb9vDPDYfznnZlqHxnooq4AADg/Xu7uah0YpF9/P+Qw/uvvh9QuKNRFXQEAXO2CXckoSQNaDVDyz8lqHdRa8SHx+nT7pzp86rDuaHGHq1sDAKBKHuraVE9+kqq2DQN0RWSAPlyZrkMn8nVPYmNXtwYAQJUNjGmjZ1b9pDaBwUoIDtUnu7bpcN5J3dm8patbAwC4yAUdMvZq2ksn7Cf0dtrbysjPUFRAlN669i01qHvp3dvEarXqhRdeKPMRAgA4H7ynXHj6xjfQibxC/WvxDmXk2hUTVlcz7r9SjQLruLq1GsHfQQDVhfeTC9NNjZvpRKFdb21OVUZBnqJtgXq72/Vq6FvX1a3VCP4eAqgul/L7icU4l++gBgAAAAAAAIAKXLD3ZAQAAAAAAABwcSBkBAAAAAAAAOAUQkYAAAAAAAAATiFkBAAAAAAAAOAUQsZqdv/998tisZTZdu7c6bDP09NTzZo101NPPaVTp05JkrKystSrVy81aNBAVqtVERERGjZsmHJycszzL1myRP369VN4eLh8fX2VkJCgDz74wFWXC6CG3X///brlllvMP1ssFo0fP96hZt68ebJYLA41lW2SVFxcrGeffVZNmzaVj4+PmjVrphdffFGlpaW1en24sDGnAahuzGtwJeY1ANWJOa0sQsYa0KtXLx0+fNhha9q0qcO+3bt3a+zYsXrrrbf01FNPSZLc3NzUr18/ffXVV9q+fbvef/99ff/993rkkUfMc//6669q27atPv/8c61fv16DBg3SgAED9N///tcl1wqgdnl7e2vChAk6fvx4ufv/9a9/Obz3SNKMGTPKjE2YMEFvv/223njjDW3ZskUTJ07UK6+8otdff73WrgUXB+Y0ADWJeQ21jXkNQE1hTpM8XN3ApchqtSosLOys+/7617/qxx9/1Lx58zRlyhQFBgbq0UcfNWsjIyM1dOhQvfLKK+bYyJEjHc732GOP6dtvv9UXX3yhvn371sDVALiQ9OzZUzt37lRKSoomTpxYZr/NZpPNZnMYCwgIKPOetHz5cvXr10+9e/eWJDVp0kQfffSR1qxZU3PN46LEnAagJjGvobYxrwGoKcxprGR0OR8fHxUVFZW779ChQ5o7d666d+9e6Tmys7NVr169mmgPwAXG3d1dL7/8sl5//XUdOHDgvM/TtWtXLV68WNu3b5ckpaWl6eeff9ZNN91UXa3iMsScBqCqmNdwIWNeA1AVzGmEjDVi/vz5qlu3rrn95S9/Kbdu1apV+vDDD3Xttdc6jN99992qU6eOGjZsKH9/f02dOrXC5/rss8+0evVqPfDAA9V6DQAuXLfeeqsSEhL0wgsvnPc5RowYobvvvlstW7aUp6en2rVrpyeeeEJ33313NXaKSwFzGoCaxryG2sS8BqAmXe5zGiFjDbj66quVmppqbv/+97/NfWcmNW9vbyUlJemqq64q87n6V199Vb/99pvmzZunXbt26cknnyz3eZYsWaL7779f7733nlq3bl2j1wTgwjJhwgTNnDlTmzdvPq/jP/74Y82ePVsffvihfvvtN82cOVOTJk3SzJkzq7lTXOyY0wDUBuY11BbmNQA17XKe07gnYw3w9fVVVFRUufuuvvpqTZkyRZ6enmrQoIE8PT3L1ISFhSksLEwtW7ZUUFCQunXrpueee07h4eFmzdKlS9W3b1/985//1IABA2rsWgBcmK666irdcMMNGjlypO6///4qH//000/rmWee0V133SVJiouL0759+5SSkqKBAwdWc7e4mDGnAagNzGuoLcxrAGra5TynETLWssomtfIYhiFJstvt5tiSJUvUp08fTZgwQYMHD672HgFcHMaPH6+EhATFxMRU+di8vDy5uTkuZnd3d1dpaWl1tYfLAHMagOrEvAZXY14DUF0u1zmNkPEC8vXXX+v333/XlVdeqbp162rz5s0aPny4unTpoiZNmkg6PWn17t1bjz/+uG677TYdOXJEkuTl5cUNhYHLTFxcnO65554yH+M5F3379tW4cePUuHFjtW7dWuvWrdM///lPDRo0qAY6xeWIOQ1AVTGv4ULGvAagKi7XOY17Ml5AfHx89N5776lr166KjY3VE088oT59+mj+/Plmzfvvv6+8vDylpKQoPDzc3Pr37+/CzgG4yksvvWT+K3pVvP7667r99ts1dOhQxcbG6qmnntKQIUP00ksv1UCXuBwxpwE4H8xruFAxrwGoqstxTrMY53PFAAAAAAAAAPD/sZIRAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGQEAAAAAAAA4hZARAAAAAAAAgFMIGXFZ2rt3rywWi1JTU13dSoV69OihJ554wqU9bNu2TWFhYcrNzTXH5s2bp6ioKLm7u1dLf/Pnz1e7du1UWlrq9LkAAMjKylJoaKj27t171tqjR48qJCREBw8erPnGAACoJtOmTdP111/v1DneeOMN3XzzzdXUEXAaISMuORaLpdLt/vvvd3WLF5T3339fAQEB5e4bNWqU/va3v8nPz88cGzJkiG6//Xalp6frpZdecvr5+/TpI4vFog8//NDpcwEAzs3999+vW2655byOrWzeuBCkpKSob9++atKkyVlrQ0NDdd999+mFF16o+cYAAOfl119/lbu7u3r16uXqVi4Idrtdzz//vJ577jlzbNGiRYqJiZHNZtPAgQNVWFho7svOzlZMTIz279/vcJ6HH35Yq1ev1s8//1xrvePSR8iIS87hw4fN7bXXXpO/v7/D2L/+9a/zOm9JSclltdruwIED+uqrr/TAAw+YYydPntTRo0d1ww03qEGDBg7hozMeeOABvf7669VyLgDA5Ss/P1/Tpk3TQw89dM7HPPDAA/rggw90/PjxGuwMAHC+pk+frr///e/6+eefywRltamoqMhlz/1Hn3/+uerWratu3bpJkkpLS3XPPffokUce0a+//qpVq1bpvffeM+tHjBihRx55RI0bN3Y4j9Vq1V//+ld+D0O1ImTEJScsLMzcbDabLBZLmbEzdu/erauvvlp16tRRfHy8li9fbu47s1Jj/vz5atWqlaxWq/bt26fjx49rwIABCgwMVJ06dXTjjTdqx44d5nGjR49WQkKCQ0+vvfaaw4qK4uJiPfbYYwoICFBQUJBGjBihgQMHlllVUlpaquHDh6tevXoKCwvT6NGjHfZbLBZNmTJFN954o3x8fNS0aVN9+umn5v4lS5bIYrHoxIkT5lhqaqosFov27t2rJUuW6IEHHlB2dra50vPMc3zyySeKj49Xo0aNzHOdCRWvueYaWSwWLVmyxHyd5s2bp5iYGHl7e+u6665Tenq6+ZxpaWm6+uqr5efnJ39/f7Vv315r1qwx9998881atWqVdu/eXfF/WABArfjnP/+puLg4+fr6KiIiQkOHDtXJkyclqdJ5o7CwUMOHD1fDhg3l6+urxMRELVmyxDzvmfni22+/VWxsrOrWratevXrp8OHDDs8/ffp0tW7dWlarVeHh4Ro2bJgkadCgQerTp49DbXFxscLCwjR9+nRJ0sKFC+Xh4aGkpCSz5vjx47rnnnsUEhIiHx8fRUdHa8aMGeb+uLg4hYWF6Ysvvqi21xAAUD1OnTqlTz75RI8++qj69Omj999/32H/V199pQ4dOsjb21vBwcHq37+/uc9ut2v48OGKiIiQ1WpVdHS0pk2bJqn8Vfnz5s2TxWIxH5/5vW769Olq1qyZrFarDMPQN998o65du5q/y/Xp00e7du1yONeBAwd01113qV69evL19VWHDh20cuVK7d27V25ubg6/C0nS66+/rsjISBmGcdZ5a86cOQ4fc87MzFRGRoaGDh2q1q1b6+abb9bmzZslSb/88ovWrFmjxx9/vNzX9+abb9a8efOUn59/lv8SwLkhZMRlbdSoUXrqqaeUmpqqmJgY3X333SouLjb35+XlKSUlRVOnTtWmTZsUGhqq+++/X2vWrNFXX32l5cuXyzAM3XTTTVX6l60JEybogw8+0IwZM/TLL78oJydH8+bNK1M3c+ZM+fr6auXKlZo4caJefPFFLVq0yKHmueee02233aa0tDTde++9uvvuu7Vly5Zz6qNz585lVns+9dRTkqSffvpJHTp0cKjdtm2bpNP/enb48GF17tzZfJ3GjRunmTNnmtdz1113mcfec889atSokVavXq21a9fqmWeekaenp7k/MjJSoaGhWrZs2bm9gACAGuPm5qZ///vf2rhxo2bOnKkffvhBw4cPl1T5vPHAAw/ol19+0Zw5c7R+/Xr95S9/Ua9evRz+IS4vL0+TJk3Sf/7zH/3000/av3+/ebwkTZkyRX/72980ePBgbdiwQV999ZWioqIkSQ899JC++eYbh1Dy66+/1smTJ3XHHXdIKjt3Safnyc2bN2vhwoXasmWLpkyZouDgYIeajh07MgcBwAXo448/VosWLdSiRQvde++9mjFjhgzDkCQtWLBA/fv3V+/evbVu3TotXrzYYQ4YMGCA5syZo3//+9/asmWL3n77bdWtW7dKz79z50598skn+vzzz837+Z86dUpPPvmkVq9ercWLF8vNzU233nqr+am3kydPqnv37jp06JC++uorpaWlafjw4SotLVWTJk3Us2dPh9BQkmbMmKH7779fFovlrPPWsmXLHK4zJCRE4eHh+u6775Sfn69ly5apbdu2Kiws1KOPPqq3335b7u7u5V5fhw4dVFRUpFWrVlXpdQEqZACXsBkzZhg2m63M+J49ewxJxtSpU82xTZs2GZKMLVu2mMdKMlJTU82a7du3G5KMX375xRzLzMw0fHx8jE8++cQwDMN44YUXjPj4eIfne/XVV43IyEjzcf369Y1XXnnFfFxcXGw0btzY6NevnznWvXt3o2vXrg7nufLKK40RI0aYjyUZjzzyiENNYmKi8eijjxqGYRg//vijIck4fvy4uX/dunWGJGPPnj2Vvkbx8fHGiy++6DB2/PhxQ5Lx448/mmNnXqcVK1aYY1u2bDEkGStXrjQMwzD8/PyM999/v8xz/FG7du2M0aNHV1oDAKgeAwcOdJhzKvPJJ58YQUFB5uPy5o2dO3caFovFOHjwoMP4tddeayQnJ5vHSTJ27txp7n/zzTeN+vXrm48bNGhgjBo1qsJeWrVqZUyYMMF8fMsttxj333+/+bhfv37GoEGDHI7p27ev8cADD1R6jf/4xz+MHj16VFoDAKh9nTt3Nl577TXDMAyjqKjICA4ONhYtWmQYhmEkJSUZ99xzT7nHbdu2zZBk1v5ZeXPZF198YfwxInnhhRcMT09P4+jRo5X2ePToUUOSsWHDBsMwDOOdd94x/Pz8jKysrHLrP/74YyMwMNAoKCgwDMMwUlNTDYvFYv5+Vtm8deb3sZ9++slhfNmyZUaHDh2MJk2aGEOHDjUKCwuNMWPGGE888YSxceNGo3PnzkZMTIzx+uuvlzlnYGDgWX9XA84VKxlxWWvbtq355/DwcEmnv2nyDC8vL4eaLVu2yMPDQ4mJieZYUFCQWrRocc6rB7Ozs/X777+rY8eO5pi7u7vat29faX9nevxjf5IcPhJ25vG59lKZ/Px8eXt7n1Oth4eHw7+mtWzZUgEBAWYfTz75pB566CH17NlT48ePL/NxAkny8fFRXl6e030DAJzz448/6rrrrlPDhg3l5+enAQMGKCsrS6dOnarwmN9++02GYSgmJkZ169Y1t6VLlzq859epU0fNmzc3H/9xXjt69KgOHTqka6+9tsLneeihh8zVH0ePHtWCBQs0aNAgc395c9ejjz6qOXPmKCEhQcOHD9evv/5a5rzMQQBw4dm2bZtWrVplfkLKw8NDd955p3mLjNTU1ArnjNTUVLm7u6t79+5O9RAZGamQkBCHsV27dumvf/2rmjVrJn9/fzVt2lSSzPtFpqamql27dqpXr16557zlllvk4eFh3qZj+vTpuvrqq83ba1U2b535WPOf57quXbtq9erV2rNnj958803t2bNH//nPf/TSSy/pvvvu05AhQ7Rs2TK9+OKLWr9+vcOxzIGoToSMuKz98SO7Z+6/8ccvd/Hx8XG4L4fx/5fm/5lhGGadm5tbmbryPkr9x/NWdO4/9nfmmHP58pk/9vLnc5/rx7qDg4OrdBP8P1/PH8dGjx6tTZs2qXfv3vrhhx/UqlWrMve+OnbsWJkJHABQu/bt26ebbrpJbdq00eeff661a9fqzTfflFT5/FFaWip3d3etXbtWqamp5rZlyxaHL1wrb147M0f5+Pictb8BAwZo9+7dWr58uWbPnq0mTZqYN76Xyp+7brzxRu3bt09PPPGEGWL+8SPaEnMQAFyIpk2bpuLiYjVs2FAeHh7y8PDQlClTNHfuXB0/frzSeeNsc8q5/s7m6+tbZqxv377KysrSe++9p5UrV2rlypWSZH6j89me28vLS/fdd59mzJihwsJCffjhhw7/YFbZvBUUFCSLxVLp72mGYWjw4MGaPHmySktLtW7dOt1+++0KDQ1V9+7dtXTpUod65kBUJ0JGoApatWql4uJicyKRpKysLG3fvl2xsbGSTt8T48iRIw6T1pn7d0iSzWZT/fr1He57UVJSonXr1p1XTytWrCjzuGXLlmYvkhzuX/XHXqTTk1xJSUmZ87Zr1868YfDZFBcXO9y8eNu2bTpx4oTZhyTFxMToH//4h7777jv179/f4T4kBQUF2rVrl9q1a3dOzwcAqBlr1qxRcXGxJk+erE6dOikmJkaHDh1yqClv3mjXrp1KSkp09OhRRUVFOWxhYWHn9Nx+fn5q0qSJFi9eXGFNUFCQbrnlFs2YMUMzZszQAw88UKaP8uaukJAQ3X///Zo9e7Zee+01vfvuuw77N27cyBwEABeQ4uJizZo1S5MnT3b4x6u0tDRFRkbqgw8+UNu2bSucM+Li4lRaWlomUDsjJCREubm5Dqv0//x7UnmysrK0ZcsWPfvss7r22msVGxtbJvBr27atUlNTdezYsQrP89BDD+n777/XW2+9paKiIocvrDnTX3nzlpeXl1q1alXp72nTpk1TUFCQbr75ZnO+PhOgFhUVOczhu3btUkFBAXMgqg0hI1AF0dHR6tevnx5++GH9/PPP5petNGzYUP369ZMk9ejRQxkZGZo4caJ27dqlN998UwsXLnQ4z9///nelpKToyy+/1LZt2/T444/r+PHj5a4GPJtPP/1U06dP1/bt2/XCCy9o1apV5jdxRkVFKSIiQqNHj9b27du1YMECTZ482eH4Jk2a6OTJk1q8eLEyMzPNpfI33HCDli9fXm4A+Weenp76+9//rpUrV+q3337TAw88oE6dOqljx47Kz8/XsGHDtGTJEu3bt0+//PKLVq9ebYay0ulg1Gq1lvnoNwCg5mRnZzv84paamqqQkBAVFxfr9ddf1+7du/Wf//xHb7/9tsNx5c0bMTExuueeezRgwADNnTtXe/bs0erVqzVhwgR9/fXX59zT6NGjNXnyZP373//Wjh079Ntvv+n11193qHnooYc0c+ZMbdmyRQMHDnTYd8MNN2jTpk0Ov/A9//zz+vLLL7Vz505t2rRJ8+fPd5iD8vLytHbtWl1//fVVefkAADVo/vz5On78uB588EG1adPGYbv99ts1bdo0vfDCC/roo4/0wgsvaMuWLdqwYYMmTpwo6fRcNXDgQA0aNEjz5s3Tnj17tGTJEn3yySeSpMTERNWpU0cjR47Uzp079eGHH5b55uryBAYGKigoSO+++6527typH374QU8++aRDzd13362wsDDdcsst+uWXX7R79259/vnnWr58uVkTGxurTp06acSIEbr77rsdVj+ebd664YYb9PPPP5fb39GjRzV27Fj9+9//NvuNjY3Va6+9puXLl2vx4sXml3dKp79EplmzZg63MgGc4qqbQQK14Wxf/LJu3Tpz7M9falLRsceOHTPuu+8+w2azGT4+PsYNN9xgbN++3aHm/7V3PyFRbmEcxx/xOo6FDpoLxxo0EcYBCwOJNiUktRBRyz9MLhpX2sLIIAg3RYgURG0qkyARFxqEDLoQ000LN4VuamDAQCeiCF0kFIoF82txuUNzR73qNNcL9/uBWbxzznvOM2cxL/Nw5jyPHz+Wx+PR/v37dfHiRfX29sYVfvnx44c6OzuVk5Oj3NxcXb9+Xc3NzfL7/bE+VVVVunLlSty49fX1CgQCsWsz06NHj3TmzBllZmaqqKhIIyMjcffMzMzoyJEjcjqdOnnypJ4/fx5X+EWSLl26pAMHDsjMdPPmTUl/FqM5ePCgJicnN12jX9dpdHRUJSUlcjgcOn36tCKRiCRpfX1dfr9fHo9HDodDhYWF6uzs1NraWmyM9vZ2dXR0JKw1ACA1AoGAzCzhFQgEdP/+fbnd7tgzbmhoKKGI2EbPje/fv+vGjRsqLi5WRkaGCgoKdO7cOb1580bS9g7Zl6T+/n55vV5lZGTI7Xbr8uXLce3RaFRFRUWqqanZ8LOdOHFC/f39seuenh75fD5lZWUpLy9P9fX1WlhYiLUPDw/L6/XudAkBAClUW1u76ff83NyczExzc3MaHR1VRUWFHA6H8vPzdf78+Vi/tbU1Xb16VW63Ww6HQ6WlpRoYGIi1B4NBlZaWyul0qra2Vk+ePEko/PL3gp6SND09LZ/Pp8zMTB09elQvX76UmSkYDMb6RCIRNTY2KicnR/v27VNlZWWsKOZfnj59KjPT69ev497/p+dWOBxWVlaWVlZWEmLz+/0JxV1evXqlsrIy5eXl6datW3FtZ8+e1e3btzdYZWB30qRNDpkD8K+JRqPm8/mspaXFenp6tn1fWlqaBYNBa2hoSElcfX19NjY2Zi9evNi0z+DgoHV1ddnKysqu5lheXraysjKbnZ2NHZoMAMBmVldXrbCw0AYGBhL+XmZmNjExYdeuXbNQKBQ7m3grx48ft66uLmttbU1FuAAAbKi3t9eePXtmb9++3fG9LS0tduzYMevu7t71/KFQyKqrq21+ft5cLteuxwF+9cdeBwD8H71//96mpqasqqrK1tfX7eHDh7a4uPif+4HT3t5uX758sa9fv1p2dnZK5lhcXLS+vj4SjACALUWjUfv8+bPdu3fPXC6X1dXVbdivpqbG3r17Zx8/fjSPx7PlmEtLS9bU1GQXLlxIRcgAACT49u2bhcNhe/DgwY42mPzq7t27Nj4+nlQcnz59sqGhIRKM+K3YyQjsgQ8fPpjf77dQKGSSrLy83O7cuWOnTp3a0Tip3sm4HcnuZAQAYDsikYgdPnzYDh06ZIODg1ZdXb3XIQEAsGNtbW02MjJiDQ0NNjw8bOnp6XsdEvDbkGQEAAAAAAAAkBSqSwMAAAAAAABICklGAAAAAAAAAEkhyQgAAAAAAAAgKSQZAQAAAAAAACSFJCMAAAAAAACApJBkBAAAAAAAAJAUkowAAAAAAAAAkkKSEQAAAAAAAEBSSDICAAAAAAAASMpPOCHf/3uaBTMAAAAASUVORK5CYII=", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import json\n", "\n", @@ -2258,29 +498,9 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "throughputs_times [1, 1.3627743236693575]\n", - "latencys_times [1, 0.9997931394018065]\n", - "accuracys_times [0, 0.0]\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABQsAAAIbCAYAAABMssjWAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAA9hAAAPYQGoP6dpAAB1AklEQVR4nOzdd3xUVf7/8XcIySQhhRBSCIQSIBBq6L0tUiyIawHUpYhdEVx+KoZ1xbIY0EWxgCwWsKwKCIiyiAoKgoROEOmdAIEUSCGESTu/PwzzZcgkJJAKr+fjMQ+9537OvZ87TM7JfHKLkzHGCAAAAAAAAMANr0p5JwAAAAAAAACgYqBYCAAAAAAAAEASxUIAAAAAAAAAeSgWAgAAAAAAAJBEsRAAAAAAAABAHoqFAAAAAAAAACRRLAQAAAAAAACQh2IhAAAAAAAAAEkUCwEAAAAAAADkoVgIAAAAAAAAQBLFQgAoM7/++qsGDRqk4OBgOTk56Ztvvik0fu3aterWrZv8/Pzk7u6upk2b6q233soXl5ycrCeffFK1atWSm5ubwsPDtWzZslI6ClR2xf0cStLq1avVrl07ubm5KTQ0VLNmzcoXs3DhQjVr1kwWi0XNmjXT4sWLSyF7ABUJ4wkAANcnioUAUEbS09PVunVrvffee0WKr1atmsaMGaNff/1Vu3fv1gsvvKAXXnhBs2fPtsVkZmaqX79+OnLkiL7++mvt3btXH3zwgWrXrl1ah4FKrrifw8OHD+uWW25Rjx49tG3bNk2cOFFjx47VwoULbTHR0dEaOnSohg8fru3bt2v48OEaMmSINmzYUFqHAaACYDwBAOD65GSMMeWdBADcaJycnLR48WLdcccdxep35513qlq1avrss88kSbNmzdIbb7yhPXv2yMXFpRQyxfWsKJ/DCRMm6Ntvv9Xu3bttbY899pi2b9+u6OhoSdLQoUOVmpqq77//3hYzcOBA+fr66ssvvyy1/AFUHIwnAABcPzizEAAqiW3btmndunXq1auXre3bb79Vly5d9OSTTyowMFAtWrTQa6+9ppycnHLMFNeT6Oho9e/f365twIAB2rx5s7KysgqNWbduXZnlCaDiYzwBAKByoFgIABVcnTp1ZLFY1L59ez355JN66KGHbOsOHTqkr7/+Wjk5OVq2bJleeOEFTZs2TZMnTy7HjHE9OXXqlAIDA+3aAgMDlZ2drcTExEJjTp06VWZ5Aqj4GE8AAKgcqpZ3AgCAwq1Zs0bnzp3T+vXr9fzzz6tRo0a69957JUm5ubkKCAjQ7Nmz5ezsrHbt2unkyZN644039OKLL5Zz5rheODk52S1fvIPJpe2OYi5vAwDGEwAAKj6KhQBQwTVo0ECS1LJlS50+fVovvfSSrVhYq1Ytubi4yNnZ2RYfHh6uU6dOKTMzU66uruWSM64fQUFB+c7oiY+PV9WqVeXn51dozOVnBwG4sTGeAABQOXAZMgBUIsYYWa1W23K3bt104MAB5ebm2tr27dunWrVqUShEiejSpYt++uknu7Yff/xR7du3tz1Up6CYrl27llmeACo+xhMAACoHziwEgDJy7tw5HThwwLZ8+PBhxcTEqEaNGqpbt64iIyN14sQJffrpp5KkGTNmqG7dumratKkkae3atfr3v/+tp556yraNxx9/XO+++67GjRunp556Svv379drr72msWPHlu3BodIo7ufwscce03vvvafx48fr4YcfVnR0tD766CO7p5KOGzdOPXv21NSpUzV48GAtWbJEK1as0Nq1a8v8+ACUHcYTAACuUwYAUCZ++eUXIynfa+TIkcYYY0aOHGl69epli3/nnXdM8+bNjYeHh/H29jZt2rQxM2fONDk5OXbbXbdunenUqZOxWCwmNDTUTJ482WRnZ5fhkaEyKe7n0BhjVq1aZdq0aWNcXV1N/fr1zfvvv59vuwsWLDBNmjQxLi4upmnTpmbhwoVlcDQAyhPjCQAA1ycnY/LuKgwAAAAAAADghsY9CwEAAAAAAABIqiT3LMzNzdXJkyfl5eUlJyen8k4HAFAIY4zS0tIUHBysKlX4m9TlmNMAoPJgTrsy5jUAqDyKOq9VimLhyZMnFRISUt5pAACKITY2VnXq1CnvNCoc5jQAqHyY0wrGvAYAlc+V5rVKUSz08vKS9OfBeHt7l3M2AIDCpKamKiQkxDZ2wx5zGgBUHsxpV8a8BgCVR1HntUpRLLx4Oru3tzcTEABUElyK5BhzGgBUPsxpBWNeA4DK50rzGjfeAAAAAAAAACCJYiEAAAAAAACAPMUuFm4+tVljVo7RX+b/RS0/aamVx1YWue+2+G2K+DRCd397d3F3CwAAAAAAAKCUFbtYmJGdoTDfME3sNLFY/dIy0zRxzUR1qtWpuLsEAAAAAAAAUAaK/YCTHnV6qEedHsXe0SvRr+iW0Fvk7OSsn4/9XOz+AAAAAAAAAEpXmdyzcPH+xYpNi9XjrR8vi90BAAAAAAAAuArFPrOwuI6mHtX0rdP1ycBPVLVK0XZntVpltVpty6mpqaWVHgAAAAAAAIA8pXpmYU5ujib8OkFPRjyp+j71i9wvKipKPj4+tldISEjpJQkAAAAAAABAUimfWZiena6dSTu158wevbbhNUlSrsmVkVHEpxH6T7//OHzgSWRkpMaPH29bTk1NpWAIAAAAAAAAlLJSLRZ6unhq0e2L7Nrm7Z2nDXEb9GbvN1Xbs7bDfhaLRRaLpTRTAwAAAAAAAHCZYhcLz2ed17G0Y7blE2kntOfMHvm4+qiWZy1N3zJd8efj9VqP11TFqYoa+za261/DrYYszpZ87QAAAAAAAADKV7GLhTuTdmr0D6Nty29sfkOSdHvD2zW5+2QlZCQoLj2u5DIEAAAAAAAAUCacjDGmvJO4ktTUVPn4+CglJUXe3t7lnQ4AoBCM2YXj/QGAyoMx+8p4jwCg8ijqmF2qT0MGAAAAAAAAUHlQLAQAAAAAAAAgqZSfhgwAQEW24VCSZv96SDtOpCg+zar/DG+nAc2DCu2z/lCS/vW/Xdp3+pwCvS16tGdD/a1zvTLKGAAAAABKF2cWAgBuWOezchRey1uvDG5epPjYM+f1wJxN6lC/hpaN7a4nezfSy9/t1Pc7eLAXAAAAgOsDZxYCAG5YfZoEqE+TgCLHf77hqIKru2nSoD+Li40CvPT7iRTNXnNIN7esVVppAgAAAECZoVgIAEARbTuarB6N/e3aejb21/xNscrKyZWLc/4T9q1Wq6xWq205NTW11PMEAAAAgKtFsRAArkLLT1qWdwqlZsfIHeWdQoWVcM4qfy+LXZu/l6uyc43OpmcqwNstX5+oqCi9/PLLJZ5L/ef/V+LbrCiOTLm1vFMAbijX83giMaYAAFBc3LMQAIBrYEze/zg5Xh8ZGamUlBTbKzY2tsxyAwAAAIDi4sxCAACKyN/TooQ0q11b4rlMVa3iJF8PV4d9LBaLLBaLw3UAAAAAUNFwZiEAAEXUpl51rT2QaNe2Zn+CWtbxcXi/QgAAAACobPhmAwC4YaVbs7XzZIp2nkyRJMWeOa+dJ1N0IjlDkjR1+R6Nnxdji/9bp3o6cTZDry7dpQPxaZq/KVbzN8fqkR6h5ZE+AAAAAJQ4LkMGANywfj+eons/WG9b/tf/dkuS7mpbR9OGtFZ8qtVWOJSkkBoemvNAB726dJc+iz6qAG+LJg1qrptb1irz3AEAAACgNFAsBADcsLo09Cv0KZnThrTO19Y51E//G9ujNNMCAAAAgHLDZcgAAAAAAAAAJFEsBAAAAAAAAJCHYiEAAAAAAAAASRQLAQAAAAAAAOShWAgAAAAAAABAEsVCAAAAAAAAAHkoFgIAAAAAAACQRLEQAAAAAAAAQB6KhQAAAAAAAAAkUSwEAAAAAAAAkIdiIQAAAAAAAABJFAsBAAAAAAAA5KFYCAAAAAAAAEASxUIAAAAAAAAAeSgWAgAAAAAAAJBEsRAAAAAAAABAHoqFAAAAAAAAACRRLAQAAAAAAACQh2IhAAAAAAAAAEkUCwEAAAAAAADkoVgIAAAAAAAAQBLFQgAAAAAAAAB5KBYCAAAAAAAAkESxEAAAAAAAAEAeioUAAAAAAAAAJFEsBAAAAAAAAJCHYiEAAAAAAAAASRQLAQAAAAAAAOShWAgAAAAAAABAklS1vBMAAAAAAFzZFwd26+O9O5SQkaFGPtUVGdFJ7f2DCozfGB+nqds36kBKsgLc3fVgk1Ya1qipw9j/HTukZ9avUt/gunqv+02ldQgAgEqAMwsBAAAAoIJbduyQpsRs0KPhrbWo/2C1qxmoR9f8qJPp5xzGHz+XpsfW/KR2NQO1qP9gPRLeWq/FrNePx4/kiz2Rfk5vbN+odjUDS/koAACVAcVCAAAAAKjgPtn3h+5sEKZ7QpuooXd1TWzTWUHu1fTVwT0O4786uEe1PKppYpvOauhdXfeENtGd9Rvr47077OJycnP13IZVGtO8rUI8vcriUAAAFRzFQgAAAACowDJzcrTzbJK6BQbbtXcLqq1tSfEO+8QkxatbUO188TvPJCorN9fWNnNXjHwtbro7NKzkEwcAVErcsxAAAAAAKrDkTKtyjFFNN3e7dj+LuxIvnHfYJ/FChvws9vE13dyVbYzOWi8owN1DWxNPa+HhfVrc/44i52K1WmW1Wm3LqampRT8QAEClwJmFAAAAAFApONktGRk5XdZmF33ZKnPJVtKzsvTchtV6pX03+VrcipxBVFSUfHx8bK+QkJAi9wUAVA6cWQgAAAAAFVh1V4ucnZzynUV4xnpBfpedbXhRTTd3JV7IsGtLupChqk5Oqm5x04GUszqRfk5PrF1hW59r/iwntlgwR8tuvkt1Pb3zbTcyMlLjx4+3LaemplIwBIDrDMVCAAAAAKjAXJ2d1dzXT+tOn1S/OvVt7etOn9Rfgus67BPhF6BVcbF2bb+dPqnmNWrKpUoVhXr7aMmAv9qtf2fHFqVnZyky7+EpjlgsFlkslms7IABAhUaxEAAAAAAquJFhLfT8xl/VwremImoGaP7BvYo7f05DGzaVJL35+2adzkjX1E69JEnDGjbVFwd2a0rMBt0T2kQxifFadHif/t25tyTJ4lxVYT6+dvvwcnWVpHztAIAbC8VCAAAAAKjgbqkbquRMq2builHChfNq7OOrWT36q3Y1T0lSwoXzijufbouv4+mlWT36aUrMRn1xYLcC3D00MaKz+l9yZiIAAI5QLAQAAACASuC+RuG6r1G4w3VRHXvma+sYUEuL+g8u8vYdbQMAcOPhacgAAAAAAAAAJF3FmYWbT23W3J1ztStplxIyEjS9z3T1rdu3wPgVR1do3t552ntmrzJzM9WwekM90foJdavd7ZoSBwAAAAAAAFCyin1mYUZ2hsJ8wzSx08QixW85vUVdgrto5k0zNe+2eeoY1FFjfh6j3Um7i50sAAAAAAAAgNJT7DMLe9TpoR51ehQ5fkLHCXbL49qO0y/HftGq46sU7uf4fhsAAAAAAAAAyl6ZP+Ak1+QqPTtdPq4+BcZYrVZZrVbbcmpqalmkBgAAAAAAANzQyvwBJ5/s/EQZ2RkaUH9AgTFRUVHy8fGxvUJCQsowQwAAAAAAAODGVKbFwmWHlun97e/rjZ5vyM/dr8C4yMhIpaSk2F6xsbFlmCUAAAAAAABwYyqzy5CXH16uSesmaVrvaeoS3KXQWIvFIovFUkaZAQAAAAAAAJDK6MzCZYeW6YXfXtCUnlPUs07PstglAAAAAAAAgGIq9pmF57PO61jaMdvyibQT2nNmj3xcfVTLs5amb5mu+PPxeq3Ha5L+LBT+Y+0/NKHjBLX2b63EjERJksXZIi9XrxI6DAAAAAAAAADXqtjFwp1JOzX6h9G25Tc2vyFJur3h7ZrcfbISMhIUlx5nW79g3wJlm2xN3jBZkzdMtrVfjAcAAAAAAABQMRS7WNghqIN2jNxR4PrLC4BzBs4pflYAAAAAAAAAylyZPg0ZAAAAAAAAQMVFsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwEAAAAAAABIolgIAAAAAAAAIA/FQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACCJYiEAAAAAAACAPBQLAQAAAAAAAEiiWAgAAAAAAAAgD8VCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhTtbwTAACgvH0WfUT/+fWQ4tOsCgv01Iu3NVfHBjUKjP9m2wnNWn1QR5LS5eXmol5h/vrHLeHyreZahlkDAAAAQMnjzEIAwA3tu+0n9crSXRrTp5GWje2uDvVraNScjTqRnOEwftORMxo/P0ZDO4Top7/30sz72+r348masPD3Ms4cAAAAAEoexUIAwA3tw7WHNaR9iIZ1rKtGAV6aNKi5avm46fP1Rx3Gbzt2VnV8PfRAtwYKqeGhDvVr6L6OdbXjREoZZw4AAAAAJY9iIQDghpWZnas/TqSoR2N/u/Yejf215ehZh33a1fPVqZQL+mVPvIwxSkizatkfp9SnaYDDeKvVqtTUVLsXAAAAAFRUFAuv4Ndff9WgQYMUHBwsJycnffPNN1fss3r1arVr105ubm4KDQ3VrFmz8sUsXLhQzZo1k8ViUbNmzbR48eJSyB4AUJiz5zOVk2vk72V/r0F/L4sS06wO+7SrV0PTh0VozBdb1fgf36vD5BXydnPRy7c3dxgfFRUlHx8f2yskJKTEjwMAAAAASgrFwitIT09X69at9d577xUp/vDhw7rlllvUo0cPbdu2TRMnTtTYsWO1cOFCW0x0dLSGDh2q4cOHa/v27Ro+fLiGDBmiDRs2lNZhAAAK5WS3ZIy5vMlm/+k0vfTtTo3t21jfPdVdn4zuqONnz+sfi3c4jI+MjFRKSortFRsbW9LJAwAAAECJ4WnIV3DzzTfr5ptvLnL8rFmzVLduXU2fPl2SFB4ers2bN+vf//637rrrLknS9OnT1a9fP0VGRkr684vk6tWrNX36dH355ZclfgwAAMd8PVzlXMVJCZedRZh4LlM1PS0O+8xcdVDt6/vq0V4NJUnhtSQPV2fdMytaz/RvogBvN7t4i8Uii8XxtgAAAACgouHMwhIWHR2t/v3727UNGDBAmzdvVlZWVqEx69atK7M8AQCSa9UqalHbR2sPJNi1rz2QqHb1fB32ycjMkZOT/WmHVfKWTemkCQAAAABlhmJhCTt16pQCAwPt2gIDA5Wdna3ExMRCY06dOlVmeQIA/vRQ9waatylW8zfF6kB8ml75bpdOJmfo/k51JUlTl+/R+Hkxtvi+4QH64Y9T+mz9UR1LOq/NR87o5e92qnVIdQVedlYhAAAAAFQ2XIZcCi4/48QYk6/dUczlbQCA0jeodbCSz2fq7ZX7lZBmVViQp+aM6qA6vh6SpPhUq04kZ9ji72kfonRrtj5dd0ST/7dL3m4u6trQT8/fHF5ehwAAAAAAJYZiYQkLCgrKd4ZgfHy8qlatKj8/v0JjLj/bEABQNoZ3qa/hXeo7XDdtSOt8baO6NdCobg1KOSsAAAAAKHtchlzCunTpop9++smu7ccff1T79u3l4uJSaEzXrl3LLE8AAAAAAADgcpxZeAXnzp3TgQMHbMuHDx9WTEyMatSoobp16yoyMlInTpzQp59+Kkl67LHH9N5772n8+PF6+OGHFR0drY8++sjuKcfjxo1Tz549NXXqVA0ePFhLlizRihUrtHbt2jI/PgAAAAAAAOAiziy8gs2bN6tNmzZq06aNJGn8+PFq06aNXnzxRUlSXFycjh07Zotv0KCBli1bplWrVikiIkKvvvqq3nnnHd111122mK5du+qrr77SnDlz1KpVK82dO1fz5s1Tp06dyvbgAAAAAAAAgEtwZuEV9O7d2/aAEkfmzp2br61Xr17aunVrodu9++67dffdd19regAAAAAAAECJ4cxCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDxVi9th86nNmrtzrnYl7VJCRoKm95muvnX7Ftpn06lNemPTGzqYfFD+Hv4a3WK0hjQZctVJAwAAAAAAACh5xT6zMCM7Q2G+YZrYaWKR4o+nHdeTK59Uu8B2WjBogR5u+bCiNkbpp6M/FTtZAAAAAAAAAKWn2GcW9qjTQz3q9Chy/Px98xVULUgTOk6QJIVWD9XOpJ2au3Ou+tXrV9zdAwAAAAAAACglpX7Pwu3x29U1uKtdW7fgbtqVuEtZuVkO+1itVqWmptq9AAAAAAAAAJSuYp9ZWFxJF5Lk5+Zn1+bn7qdsk63kC8ny9/DP1ycqKkovv/xyiebR8pOWJbq9imbHyB3lnQIAAAAAAAAquTJ5GrKTk5PdspFx2H5RZGSkUlJSbK/Y2NhSzxEAAAAAAAC40ZX6mYV+bn5KzEi0azuTcUZVnarKx+LjsI/FYpHFYint1AAAAAAAAABcotSLha0DWmt17Gq7tnUn16lZzWZyqeJS2rsHAAAAgOvCFwd26+O9O5SQkaFGPtUVGdFJ7f2DCozfGB+nqds36kBKsgLc3fVgk1Ya1qipbf38g3v17dED2p9yVpLUzNdPf2/ZXq388t8qCgBw4yj2Zcjns85rz5k92nNmjyTpRNoJ7TmzR3Hn4iRJ07dM18Q1E23xQ8KGKC49Tq9vel2Hkg9p8f7FWnRgkUY1H1UyRwAAAAAA17llxw5pSswGPRreWov6D1a7moF6dM2POpl+zmH88XNpemzNT2pXM1CL+g/WI+Gt9VrMev14/IgtZlNCnG6pG6q5vW/Wl31vU7CHpx769QedPp9eRkcFAKiIin1m4c6knRr9w2jb8hub35Ak3d7wdk3uPlkJGQmKS4+zra/jVUcz+s7QG5ve0Fd7vlKAR4AiO0aqX71+JZA+AAAAAFz/Ptn3h+5sEKZ7QptIkia26azfTp3QVwf3aHyr9vnivzq4R7U8qmlim86SpIbe1bXzTKI+3rtD/evUlyS90bm3XZ9X2nfTD8ePKDr+pO6o37hUjwcAUHEVu1jYIahDoU/endx9ssM+8wfNL+6uAAAAAOCGl5mTo51nk/RQ01Z27d2CamtbUrzDPjFJ8eoWVDtf/MLD+5SVmyuXKvkvMruQk6NskysfV+4fDwA3slK/ZyEAAAAA4OolZ1qVY4xqurnbtftZ3JV44bzDPokXMuRnsY+v6eaubGN01npBAe4e+fpM+32TAt091DUwuMBcrFarrFarbTk1NbU4hwIAqASKfc9CAAAAAEB5cLJbMjJyuqzNLvqyVcbhVv704Z7ftSz2kN7p2lcW54LPKYmKipKPj4/tFRISUsTcAQCVBcVCAAAAAKjAqrta5OzklO8swjPWC/K77GzDi2q6uSvxQoZdW9KFDFV1clJ1i5td+8d7dmj27t/1Yc+BalK9RqG5REZGKiUlxfaKjY29iiMCAFRkFAsBAAAAoAJzdXZWc18/rTt90q593emTauMX4LBPhF9AvvjfTp9U8xo17e5X+NGeHXp/d4xm9+yvFjVqXjEXi8Uib29vuxcA4PpCsRAAAAAAKriRYS208PA+LTy0TwdTkxW1bYPizp/T0IZNJUlv/r5ZEzastsUPa9hUJ9PPaUrMBh1MTdbCQ/u06PA+jW7S0hbz4Z7f9fYfWzS5Qw/V9vBUQsZ5JWScV3pWVpkfHwCg4uABJwAAAABQwd1SN1TJmVbN3BWjhAvn1djHV7N69Fftap6SpIQL5xV3Pt0WX8fTS7N69NOUmI364sBuBbh7aGJEZ/WvU98W8+WBPcrKzdW4dT/b7evJZhEa06JtmRwXAKDioVgIAAAAAJXAfY3CdV+jcIfrojr2zNfWMaCWFvUfXOD2Vt42pMRyAwBcP7gMGQAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACCJYiEAAAAAAACAPBQLAQAAAAAAAEiiWAgAAAAAAAAgD8VCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwEAAAAAAABIolgIAAAAAAAAIA/FQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACCJYiEAAAAAAACAPBQLAQAAAAAAAEiiWAgAAAAAAAAgD8VCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJKlqeScAAEB5+yz6iP7z6yHFp1kVFuipF29rro4NahQYb83O0Tsr9+ubbSeVkGZVkI+bxvRppCEdQsowawAAAAAoeRQLAQA3tO+2n9QrS3fp1cEt1L6+r/674ZhGzdmon8b3Uu3q7g77PPnfbUo8Z9XUu1qpnp+HktIzlZObW8aZAwAAAEDJo1gIALihfbj2sIa0D9GwjnUlSZMGNdev+xL0+fqjmjCwab74VXvjteFwktY810fVPVwlSSE1PMo0ZwAAAAAoLRQLAQA3rMzsXP1xIkWP92po196jsb+2HD3rsM+K3afVqo6PZq0+pMXbjsvDtapuCg/Q/+vfRG4uzvnirVarrFarbTk1NbVkDwIAAAAAShAPOAEA3LDOns9UTq6Rv5erXbu/l0WJaVaHfY6dydCmI2e173Sa/jO8vV68rZmW7Tilf37zh8P4qKgo+fj42F4hIdzXEAAAAEDFdVXFwq/2fKWBCweq3WftNOS7Idpyekuh8UsPLdVd396lDp93UJ/5ffTC2heUfCH5anYNAEApcLJbMsZc3mS3zknS9GERigiprj5NA/TP28L19dbjupCVky8+MjJSKSkptldsbGwp5A8AAAAAJaPYxcLlh5dr6qaperjlw1owaIHaBbbT4yseV9y5OIfxW09v1T/W/kN3Nr5Tiwcv1rRe07QzaacmrZt0zckDAHAtfD1c5VzFSQmXnUWYeC5TNT0tDvv4e1kU5OMmbzcXW1ujAE8ZI8WlXMgXb7FY5O3tbfcCAAAAgIqq2MXCT3d9qjsb3am7wu5SaPVQTeg4QUHVgjRv7zyH8b8n/K7gasG6P/x+1fGqo7aBbXV32N3ambTzmpMHAOBauFatoha1fbT2QIJd+9oDiWpXz9dhn/b1auh06gWlW7NtbYcS0lXFSarl41aq+QIAAABAaStWsTArJ0u7knapa3BXu/auwV0VkxDjsE9EQIROnz+tX4//KmOMEjMS9dPRn9SzTs8C92O1WpWammr3AgCgNDzUvYHmbYrV/E2xOhCfple+26WTyRm6v9OfT0eeunyPxs+LscUPjgiWr4ernv16u/afTtOGQ0mK+n6PhrQPcfiAEwAAAACoTIr1NOSz1rPKMTnyc/eza/dz81NSRpLDPhEBEZrSY4qeXf2sMnMylW2y1TuktyI7RRa4n6ioKL388svFSQ0AgKsyqHWwks9n6u2V+5WQZlVYkKfmjOqgOr4ekqT4VKtOJGfY4qtZquqzBzvppW93atB7a+Xr4apbW9bSMwOalNchAAAAAECJKVaxsCBGpsB1B5MPasrGKXqs9WPqGtxViRmJmrZlml6NflWvdHvFYZ/IyEiNHz/etpyamsrTIwEApWZ4l/oa3qW+w3XThrTO19YowFOfP9SplLMCAAAAgLJXrGKhr8VXzk7O+c4iPHPhTL6zDS/6cMeHigiI0AMtHpAkNVETuVd118jlI/VUm6fk7+Gfr4/FYpHF4vjG8gAAAAAAAABKR7HuWeji7KJmfs0UHRdt1x59MloR/hEO+1zIvqAqTva7ubhc2BmJAAAAAAAAAMpWsZ+GPKLZCC3cv1CL9y/WoeRDmrpxquLS4zSkyRBJ0vQt0zVxzURbfK+QXlp5dKXm7Zmn2LRYbYvfpikbp6hlzZYK8AgouSMBAAAAAAAAcE2Kfc/CgQ0GKtmarFnbZykhI0GNqjfSzL4zFewZLElKyEhQXHqcLf6ORncoPStdX+75Uv/e/G95uXqpY62O+nvbv5fcUQAAAAAAAAC4Zlf1gJNhTYdpWNNhDtdN7j45X9v94ffr/vD7r2ZXAAAAAAAAAMpIsS9DBgAAAAAAAHB9olgIAAAAAAAAQBLFQgAAAAAAAAB5KBYCAAAAAAAAkESxEAAAAAAAAEAeioUAAAAAAAAAJFEsBAAAAAAAAJCHYiEAAAAAAAAASRQLAQAAAACV2MyZM9WgQQO5ubmpXbt2WrNmTaHxq1evVrt27eTm5qbQ0FDNmjUrX8zChQvVrFkzWSwWNWvWTIsXLy6t9AFUIIwnf6JYCAAAAAColObNm6enn35a//jHP7Rt2zb16NFDN998s44dO+Yw/vDhw7rlllvUo0cPbdu2TRMnTtTYsWO1cOFCW0x0dLSGDh2q4cOHa/v27Ro+fLiGDBmiDRs2lNVhASgHjCf/x8kYY8o7iStJTU2Vj4+PUlJS5O3tfVXbaPlJyxLOqmLZMXJHeacA3FCu5zHlWseTkhizr2cl9f7Uf/5/JZhVxXJkyq3lnQJwQ7mexxPp2sYU5rQrK+/3qFOnTmrbtq3ef/99W1t4eLjuuOMORUVF5YufMGGCvv32W+3evdvW9thjj2n79u2Kjo6WJA0dOlSpqan6/vvvbTEDBw6Ur6+vvvzyy1I8GgDl6UYYT4o6ZnNmIQAAAACg0snMzNSWLVvUv39/u/b+/ftr3bp1DvtER0fnix8wYIA2b96srKysQmMK2iaAyo/xxB7FQgAAAABApZOYmKicnBwFBgbatQcGBurUqVMO+5w6dcphfHZ2thITEwuNKWibACo/xhN7FAsBAAAAAJWWk5OT3bIxJl/bleIvby/uNgFcHxhP/kSxEAAAAABQ6dSsWVPOzs75ztCJj4/PdybPRUFBQQ7jq1atKj8/v0JjCtomgMqP8cQexUIAAAAAQKXj6uqqdu3a6aeffrJr/+mnn9S1a1eHfbp06ZIv/scff1T79u3l4uJSaExB2wRQ+TGe2Kta3gkAAAAAAK7siwO79fHeHUrIyFAjn+qKjOik9v5BBcZvjI/T1O0bdSAlWQHu7nqwSSsNa9TULubH40f0zh9bdexcqup6emtci7bqV6d+KR9JyRk/fryGDx+u9u3bq0uXLpo9e7aOHTumxx57TJIUGRmpEydO6NNPP5X055NK33vvPY0fP14PP/ywoqOj9dFHH9k9lXTcuHHq2bOnpk6dqsGDB2vJkiVasWKF1q5dWy7HCKBsMJ78H4qFAAAAAFDBLTt2SFNiNuifbbuobc1AzTu4R4+u+VHfDbhTwdU888UfP5emx9b8pLtDw/R6p17amnhar26NVg03N/XPKwZuS4zX+OhfNLZFW91Uu55WnDiq8dG/6PO/3KrWfgFlfIRXZ+jQoUpKStIrr7yiuLg4tWjRQsuWLVO9evUkSXFxcTp27JgtvkGDBlq2bJn+/ve/a8aMGQoODtY777yju+66yxbTtWtXffXVV3rhhRf0z3/+Uw0bNtS8efPUqVOnMj8+AGWH8eT/OJmLd1+swFJTU+Xj46OUlBR5e3tf1TZaftKyhLOqWHaM3FHeKQA3lOt5TLnW8aQkxuzrWUm9P/Wf/18JZlWxHJlya3mnANxQrufxRLq2MaUizWlDV3yrcN+aeqnd/126duv3C9W3dj2Nb9U+X/y/t2/SLyeP6X83/9+X1pc2/6Y9KWf0Vd9BkqS/R/+i9KxMze45wBbz8K8/yNvFVdO69ClSXhXpPQIAFK6oYzb3LAQAAACACiwzJ0c7zyapW2CwXXu3oNralhTvsE9MUry6BdXOF7/zTKKycnMlSduT4tU18LKYwIK3CQC4MXAZMgAAAABUYMmZVuUYo5pu7nbtfhZ3JV4477BP4oUM+Vns42u6uSvbGJ21XlCAu4cSL2Tk22ZNN3clXsgoMBer1Sqr1WpbTk1NLe7hAAAqOM4sBAAAAIBKwcluycjI6bI2u+jLVl28/5TTFWIK22ZUVJR8fHxsr5CQkCunDQCoVCgWAgAAAEAFVt3VImcnp3xnEZ6xXpDfZWcGXuToDMGkCxmq6uSk6hY3W0xCRv4YPze3AnOJjIxUSkqK7RUbG3s1hwQAqMAoFgIAAABABebq7Kzmvn5ad/qkXfu60yfVpoCnFkf4BeSL/+30STWvUVMuVf78GtjaQcy60ycK3KYkWSwWeXt7270AANcXioUAAAAAUMGNDGuhhYf3aeGhfTqYmqyobRsUd/6chjZsKkl68/fNmrBhtS1+WMOmOpl+TlNiNuhgarIWHtqnRYf3aXSTlraYEY2bad3pE/pg9+86lJqsD3b/rujTJzUirHmZHx8AoOLgAScAAAAAUMHdUjdUyZlWzdwVo4QL59XYx1ezevRX7WqekqSEC+cVdz7dFl/H00uzevTTlJiN+uLAbgW4e2hiRGf1r1PfFtOmZqCmde6tt//Yqnd3blVINS9N69JHrQs5sxAAcP2jWAgAAAAAlcB9jcJ1X6Nwh+uiOvbM19YxoJYW9R9c6DYHhDTQgJAGJZIfAOD6wGXIAAAAAAAAACRRLAQAAAAAAACQh2IhAAAAAAAAAEkUCwEAAAAAAADkoVgIAAAAAAAAQBLFQgAAAAAAAAB5KBYCAAAAAAAAkESxEAAAAAAAAEAeioUAAAAAAAAAJFEsBAAAAAAAAJCHYiEAAAAAAAAASRQLAQAAAAAAAOShWAgAAAAAAABAEsVCAAAAAAAAAHkoFgIAAAAAAACQRLEQAAAAAAAAQB6KhQAAAAAAAAAkUSwEAAAAAAAAkIdiIQAAAAAAAABJFAsBAAAAAAAA5KFYCAAAAAAAAEASxUIAAAAAAAAAeSgWAgAAAAAAAJBEsRAAAAAAAABAHoqFAAAAAAAAACRRLAQAAAAAAACQh2IhAAAAAAAAAElS1avp9NWerzR351wlnE9Qw+oNNaHjBLULbFdgfGZOpmZtn6Wlh5YqMSNRgR6BeqTVI/pr479edeIAAAAAAAAASlaxi4XLDy/X1E1T9UKnF9QmoI0W7Fugx1c8riWDl6iWZy2Hff7f6v+nMxln9HLXl1XXu67OZJxRjsm55uQBAAAAAAAAlJxiFws/3fWp7mx0p+4Ku0uSNKHjBP128jfN2ztPT7d7Ol/82hNrteXUFn1/1/fysfhIkmp71r62rAEAAAAAAACUuGIVC7NysrQraZcebPGgXXvX4K6KSYhx2GdV7Co1q9lMH//xsZYeXCp3F3f1rtNbY9qMkVtVN4d9rFarrFarbTk1NbU4aQIAAAAAAAC4CsV6wMlZ61nlmBz5ufvZtfu5+SkpI8lhn+Npx7Xt9DYdSD6g6X2m67kOz+mnoz9p8obJBe4nKipKPj4+tldISEhx0gQAAAAAAABwFUrkachGpsB1uSZXTk5OmtJjilr6t1TPOj31bIdnteTAEl3IvuCwT2RkpFJSUmyv2NjYkkgTAAAAAAAAQCGKdRmyr8VXzk7O+c4iPHPhTL6zDS/y9/BXgEeAvFy9bG2hPqEyMjp9/rTqedfL18dischisRQnNQAAAAAAAADXqFhnFro4u6iZXzNFx0XbtUefjFaEf4TDPhEBEUo4n6DzWedtbUdSj6iKUxUFegQWP2MAAAAAAAAApaLYlyGPaDZCC/cv1OL9i3Uo+ZCmbpyquPQ4DWkyRJI0fct0TVwz0RZ/a4Nb5WPx0Qu/vaCDyQe1+dRmvbnlTf210V8LfMAJAAAAAAAAgLJXrMuQJWlgg4FKtiZr1vZZSshIUKPqjTSz70wFewZLkhIyEhSXHmeL93Dx0Oz+sxW1IUrDlg6Tj8VHA+oP0FNtniq5owAAAAAAAABwzYpdLJSkYU2HaVjTYQ7XTe6e/ynHoT6h+qD/B1ezKwAAAAAAAABlpESehgwAAAAAAACg8qNYCAAAAAAAAEASxUIAAAAAAAAAeSgWAgAAAAAAAJBEsRAAAAAAAABAHoqFAAAAAAAAACRRLAQAAAAAAACQp2p5JwAAQHn7LPqI/vPrIcWnWRUW6KkXb2uujg1qXLHf5iNnNHT2eoUFeun7cT3KIFMAAAAAKF2cWQgAuKF9t/2kXlm6S2P6NNKysd3VoX4NjZqzUSeSMwrtl3ohS+Pnb1fXhn5llCkAAAAAlD6KhQCAG9qHaw9rSPsQDetYV40CvDRpUHPV8nHT5+uPFtpv4qIdGhwRrLZ1fcsoUwAAAAAofRQLAQA3rMzsXP1xIkU9Gvvbtfdo7K8tR88W2G/+5lgdO3Ne4/o2vuI+rFarUlNT7V4AAAAAUFFRLAQA3LDOns9UTq6Rv5erXbu/l0WJaVaHfQ4npuv15Xs0fWiEqjpfeRqNioqSj4+P7RUSElIiuQMAAABAaaBYCACAnOyWjDGXN0mScnKNxn21TU/fFKZQf88ibTkyMlIpKSm2V2xsbEkkDAAAAAClgqchAwBuWL4ernKu4qSEy84iTDyXqZqelnzx56zZ+v14inaeTNWkb3dKknKNkTFSw4nL9NnojuraqKZdH4vFIosl/7YAAAAAoCKiWAgAuGG5Vq2iFrV9tPZAgga2CLK1rz2QqH7NAvPFe1mq6oene9q1fbb+iNYdTNL797dTSA33Us8ZAAAAAEoTxUIAwA3toe4NNH5+jFrVrq629arriw2xOpmcofs71ZUkTV2+R6dTLujNoRGqUsVJTYK87Pr7VbPIUtU5XzsAAAAAVEYUCwEAN7RBrYOVfD5Tb6/cr4Q0q8KCPDVnVAfV8fWQJMWnWnUiOaOcswQAAACAskGxEABwwxvepb6Gd6nvcN20Ia0L7fv3fmH6e7+wUsgKAAAAAMoeT0MGAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwEAAAAAAABIolgIAAAAAAAAIA/FQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACBJqlreCQAAAAAACpaSadXkbev1y8ljkqQ+wXX1QpvO8na1FNjHGKMZO7dp/qG9Ss3KVKsa/vpn2y5q7OMrSUq2WvXezq367fQJnTqfLl+Lm/oG19PYFm3l5epaJscFAKiYOLMQAAAAACqwZ9ev0p7kM5rdY4Bm9xigPclnNGHDr4X2+XDPDs3dt1MvtO2i+Tfdrppu7npw9XKlZ2VJkuIvnFd8xnk917qjlgz4q17r0ENrTh3XC5vXlsUhAQAqMIqFAAAAAFBBHUxN1ppTJ/Rq+25qUzNAbWoG6JX23bQqLlaHU1Mc9jHG6NP9O/VoeGv1r1NfYT6+mtKxpy7k5GjpsYOSpDAfX73Tra/6BNdVXU9vdQ4M1tMt2+mXk8eUnZtblocIAKhgKBYCAAAAQAUVkxgvLxdXtfYLsLVF+AXIy8VV25JOO+xzPD1NiRcy1C2otq3N1dlZHfyDtC0xvsB9pWVlytPFVVWr8DURAG5k3LMQAAAAACqoxAsZqmFxy9dew+KmxAsZBfaRpJpu7nbtfm5uOpme7rDPWesFvb8rRkNCmxSaj9VqldVqtS2npqYWGg8AqHwoFgIAAABAGXvvj62asSum0JgFN90uSXJyyr/OSHLQXChjHG/rXFamHlvzkxp5V9eTzdsUuo2oqCi9/PLLxdwzAKAyoVgIAAAAAGXs/sbNdEvd0EJjalfz1N7kM0q6cCHfurPWC/K77MzBiy6eUZh4IUMB7h629jPWC/Kz2PdJz8rSw7/+KI+qVfVut75yucIlyJGRkRo/frxtOTU1VSEhIYX2AQBULhQLAQAAAKCM+Vrc5Ovg8uLLRdQMUFpWpn5PSlArP39J0vakeKVlZaqNX6DDPnWqeammm7vWnT6hZr5+kqTMnBxtSjil/9eqvS3uXFamHvr1B7lWcdbM7v1kcb7y10OLxSKLxVKUQwQAVFLcuRYAAAAAKqiG3tXVI6i2Xty8VjFJ8YpJiteLm39T71ohauDtY4u75fuF+un4EUmSk5OTRjRurtm7f9dPx49oX8pZTdy0Rm7OzrqtbkNJf55R+ODqH5SRna1/deiuc1mZSsg4r4SM88rhacgAcEPjzEIAAAAAqMBe79Rbr21br4dW/yBJ+ktwXb3QtrNdzOG0FJ3LyrItP9S0paw52Xpla7RSMzPVys9fH/YaqGouLpKknWcT9fuZBEnSgGVf221rxa33qHY1r9I8JABABUaxEAAAAAAqsOoWi17v3KvQmN1DRtstOzk5aUyLthrToq3D+I4BtfL1AQBA4jJkAAAAAAAAAHkoFgIAAAAAAACQRLEQAAAAAAAAQB6KhQAAAAAAAAAkUSwEAAAAAAAAkIdiIQAAAAAAAABJFAsBAAAAAAAA5LmqYuFXe77SwIUD1e6zdhry3RBtOb2lSP22xW9TxKcRuvvbu69mtwAAAAAAAABKUbGLhcsPL9fUTVP1cMuHtWDQArULbKfHVzyuuHNxhfZLy0zTxDUT1alWp6tOFgAAAAAAAEDpKXax8NNdn+rORnfqrrC7FFo9VBM6TlBQtSDN2zuv0H6vRL+iW0JvUWv/1ledLAAAAAAAAIDSU6xiYVZOlnYl7VLX4K527V2DuyomIabAfov3L1ZsWqweb/34VSUJAAAAAAAAoPRVLU7wWetZ5Zgc+bn72bX7ufkpKSPJYZ+jqUc1fet0fTLwE1WtUrTdWa1WWa1W23Jqampx0gQAAAAAAABwFUrkachGxmF7Tm6OJvw6QU9GPKn6PvWLvL2oqCj5+PjYXiEhISWRJgAAAAAAAIBCFOvMQl+Lr5ydnPOdRXjmwpl8ZxtKUnp2unYm7dSeM3v02obXJEm5JldGRhGfRug//f7j8IEnkZGRGj9+vG05NTWVgiEAAAAAAABQyopVLHRxdlEzv2aKjotW33p9be3RJ6PVJ6RPvnhPF08tun2RXdu8vfO0IW6D3uz9pmp71na4H4vFIovFUpzUAAAAAAAAAFyjYhULJWlEsxGKXBup5n7N1dq/tRbsW6C49DgNaTJEkjR9y3TFn4/Xaz1eUxWnKmrs29iufw23GrI4W/K1AwAAAAAAAChfxS4WDmwwUMnWZM3aPksJGQlqVL2RZvadqWDPYElSQkaC4tLjSjxRAAAAAAAAAKWr2MVCSRrWdJiGNR3mcN3k7pML7ftExBN6IuKJq9ktAAAAAAAAgFJUIk9DBgAAAAAAAFD5USwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwEAAAAAAABIolgIAAAAAAAAIA/FQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACCJYiEAAAAAAACAPBQLAQAAAAAAAEiiWAgAAAAAAAAgD8VCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhTtbwTAACgvH0WfUT/+fWQ4tOsCgv01Iu3NVfHBjUcxi7/I06frz+mXXGpyszOVeNATz19U5h6hfmXcdYAAAAAUPI4sxAAcEP7bvtJvbJ0l8b0aaRlY7urQ/0aGjVno04kZziM33D4jLo3rqk5ozrou6e6q0uonx76ZJP+OJFSxpkDAAAAQMmjWAgAuKF9uPawhrQP0bCOddUowEuTBjVXLR83fb7+qMP4SYOa67FeDdU6pLoa1Kym5wY2VX2/alq5O76MMwcAAACAksdlyACAG1Zmdq7+OJGix3s1tGvv0dhfW46eLdI2cnON0q3Zqu7h4nC91WqV1Wq1Laempl59wgAAAABQyjizEABwwzp7PlM5uUb+Xq527f5eFiWmWQvoZe+DNYd0PitHt7aq5XB9VFSUfHx8bK+QkJBrzhsAAAAASgvFQgAA5GS3ZIy5vMmhJTEnNH3Ffr13b1vV9LQ4jImMjFRKSortFRsbWxIJAwAAAECp4DJkAMANy9fDVc5VnJRw2VmEiecyCyz+XfTd9pOasPB3zby/rbo3rllgnMVikcVS+LYAAAAAoKLgzEIAwA3LtWoVtajto7UHEuza1x5IVLt6vgX2WxJzQs8s2K63h7XRX5oGlnaaAAAAAFBmOLMQAHBDe6h7A42fH6NWtaurbb3q+mJDrE4mZ+j+TnUlSVOX79HplAt6c2iEpD8Lhf9v/nZNGtRMbepWV3zaBUmSm4uzvN0cP+QEAAAAACoLioUAgBvaoNbBSj6fqbdX7ldCmlVhQZ6aM6qD6vh6SJLiU606kZxhi/9iwzFl5xr9c8lO/XPJTlv7XW3raNqQ1mWePwAAAACUJIqFAIAb3vAu9TW8S32H6y4vAM57tEsZZAQAAAAA5YN7FgIAAAAAAACQRLEQAAAAAAAAQB6KhQAAAAAAAAAkUSwEAAAAAAAAkIdiIQAAAAAAAABJFAsBAAAAAAAA5KFYCAAAAAAAAEASxUIAAAAAAAAAeSgWAgAAAAAAAJBEsRAAAAAAAABAHoqFAAAAAAAAACRRLAQAAAAAAACQp+rVdPpqz1eau3OuEs4nqGH1hprQcYLaBbZzGLvi6ArN2ztPe8/sVWZuphpWb6gnWj+hbrW7XVPiAAAAAAAAAEpWsc8sXH54uaZumqqHWz6sBYMWqF1gOz2+4nHFnYtzGL/l9BZ1Ce6imTfN1Lzb5qljUEeN+XmMdiftvubkAQAAAOB6l5Jp1XMbVqvD4s/UYfFnem7DaqVmWgvtY4zRe39sVc9vv1TEwk804pdl2p9ytsDYR379QeHzP9aKE0dL4xAAAJVIsYuFn+76VHc2ulN3hd2l0OqhmtBxgoKqBWne3nkO4yd0nKDRLUarRc0WquddT+PajlM9r3padXzVteYOAAAAANe9Z9ev0p7kM5rdY4Bm9xigPclnNGHDr4X2+XDPDs3dt1MvtO2i+Tfdrppu7npw9XKlZ2Xli/1k305JTqWUPQCgsilWsTArJ0u7knapa3BXu/auwV0VkxBTpG3kmlylZ6fLx9WnwBir1arU1FS7FwAAAADcaA6mJmvNqRN6tX03takZoDY1A/RK+25aFRerw6kpDvsYY/Tp/p16NLy1+teprzAfX03p2FMXcnK09NhBu9g9yUn6ZN9OTe7QvSwOBwBQCRSrWHjWelY5Jkd+7n527X5ufkrKSCrSNj7Z+YkysjM0oP6AAmOioqLk4+Nje4WEhBQnTQAAAAC4LsQkxsvLxVWt/QJsbRF+AfJycdW2pNMO+xxPT1PihQx1C6pta3N1dlYH/yBtS4y3tWVkZ+uZ9av1QtvO8nf3KL2DAABUKiXyNGQjU6S4ZYeW6f3t7+uNnm/kKzheKjIyUikpKbZXbGxsSaQJAAAAAJVK4oUM1bC45WuvYXFT4oWMAvtIUk03d7t2Pzf7PlNiNijCL0B9a9crcj5cBQYA179iPQ3Z1+IrZyfnfGcRnrlwptDin/Tng1EmrZukab2nqUtwl0JjLRaLLBZLcVIDAAAAgErjvT+2asaumEJjFtx0uyTJycHtBI2Kf5dBY/5vWz+fOKb18XFa1G9wsbYRFRWll19+uZh7BgBUJsUqFro4u6iZXzNFx0Wrb72+tvbok9HqE9KnwH7LDi3Ti+te1NSeU9WzTs+rzxYAAAAArgP3N26mW+qGFhpTu5qn9iafUdKFC/nWnbVekN9lZw5edPGMwsQLGQq45PLiM9YL8rP8uW59/EnFnktVp28+t+s7bt3PalczUJ/2ucXhtiMjIzV+/HjbcmpqKreNAoDrTLGKhZI0otkIRa6NVHO/5mrt31oL9i1QXHqchjQZIkmavmW64s/H67Uer0n6s1D4j7X/0ISOE9Tav7USMxIlSRZni7xcvUrwUAAAAACgcvC1uMnXweXFl4uoGaC0rEz9npSgVn7+kqTtSfFKy8pUG79Ah33qVPNSTTd3rTt9Qs18/7wCLDMnR5sSTun/tWovSXq4aSvdHdrErt/gHxbr+dYd1Se4boH5cBUYAFz/il0sHNhgoJKtyZq1fZYSMhLUqHojzew7U8GewZKkhIwExaXH2eIX7FugbJOtyRsma/KGybb22xversndJ+fbPgAAAADgTw29q6tHUG29uHmtXmrfTZI0afNv6l0rRA28fWxxt3y/UH9v2U796tSXk5OTRjRurtm7f1c9T2/V8/LR7N3b5ebsrNvqNpQk+bt7OHyoSa1qnqrjyUkdAHAjK3axUJKGNR2mYU2HOVx3eQFwzsA5V7MLAAAAAICk1zv11mvb1uuh1T9Ikv4SXFcvtO1sF3M4LUXnsrJsyw81bSlrTrZe2Rqt1MxMtfLz14e9Bqqai0uZ5g4AqHyuqlgIAAAAACgb1S0Wvd65V6Exu4eMtlt2cnLSmBZtNaZF2yLv5/JtAABuTFXKOwEAAAAAAAAAFQPFQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACCJYiEAAAAAAACAPBQLAQAAAAAAAEiiWAgAAAAAAAAgD8VCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwEAAAAAAABIolgIAAAAAAAAIA/FQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lAsBAAAAAAAACCJYiEAAAAAAACAPBQLAQAAAAAAAEiiWAgAAAAAAAAgD8VCAAAAAAAAAJIoFgIAAAAAAADIQ7EQAAAAAAAAgCSKhQAAAAAAAADyUCwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwEAAAAAAABIolgIAAAAAAAAIA/FQgAAAAAAAACSKBYCAAAAAAAAyEOxEAAAAAAAAIAkioUAAAAAAAAA8lS9mk5f7flKc3fOVcL5BDWs3lATOk5Qu8B2BcZvOrVJb2x6QweTD8rfw1+jW4zWkCZDrjppAABK0mfRR/SfXw8pPs2qsEBPvXhbc3VsUKPA+PWHkvSv/+3SvtPnFOht0aM9G+pvneuVYcYAAAAAUDqKfWbh8sPLNXXTVD3c8mEtGLRA7QLb6fEVjyvuXJzD+ONpx/XkyifVLrCdFgxaoIdbPqyojVH66ehP15w8AADX6rvtJ/XK0l0a06eRlo3trg71a2jUnI06kZzhMD72zHk9MGeTOtSvoWVju+vJ3o308nc79f0Ox/MgAAAAAFQmxS4WfrrrU93Z6E7dFXaXQquHakLHCQqqFqR5e+c5jJ+/b76CqgVpQscJCq0eqrvC7tJfG/1Vc3fOvdbcAQC4Zh+uPawh7UM0rGNdNQrw0qRBzVXLx02frz/qMP7zDUcVXN1NkwY1V6MALw3rWFf3tA/R7DWHyjhzAAAAACh5xboMOSsnS7uSdunBFg/atXcN7qqYhBiHfbbHb1fX4K52bd2Cu2nx/sXKys2SSxWXfH2sVqusVqttOSUlRZKUmppanHTt5GTkXHXfyuBa3hsAxXc9jynXOp5c7G+MKYl0SlVmdq7+OJGix3s1tGvv0dhfW46eddhn29Fk9Wjsb9fWs7G/5m+KVVZOrlyc7f8OVxpzmiTlWs9fU/+KjDkNKFvX83giXduYUpnmtPJy8b1h7AaAiq+o81qxioVnrWeVY3Lk5+5n1+7n5qekjCSHfZIuJMnP7bJ4dz9lm2wlX0iWv4d/vj5RUVF6+eWX87WHhIQUJ90bis/jPuWdAoDrREmNJ2lpafLxqdhj09nzmcrJNfL3crVr9/eyKHGf1WGfhHNW+XtZLot3VXau0dn0TAV4u9mtY04rPp/p5Z0BgOtJSYwplWFOKy9paWmSmNcAoDK50rx2VQ84uZxR4RVJJycnh/GXt18UGRmp8ePH25Zzc3N15swZ+fn5FdinIklNTVVISIhiY2Pl7e1d3ukAqMQq43hijFFaWpqCg4PLO5ViuGyeMubypkLZ/jDnoE9ln9Okyvk5BFAxVbbxpHLOaWUrODhYsbGx8vLyqhTzWmX7DAKo2CrbmFLUea1YxUJfi6+cnZzznUV45sKZfGcbXuTn5qfEjET7+IwzqupUVT4Wx1VMi8Uii8X+rI3q1asXJ9UKwdvbu1J8WABUfJVtPKksZ1/4erjKuYqTEtLszyJMPJepmp4Wh338PS0O46tWcZKvh2u++OtlTpMq3+cQQMVVmcaTyjKnlZcqVaqoTp065Z1GsVWmzyCAiq8yjSlFmdeK9YATF2cXNfNrpui4aLv26JPRivCPcNindUBrRZ+0j193cp2a1Wzm8H6FAACUFdeqVdSito/WHkiwa197IFHt6vk67NOmXnWtPWD/R7A1+xPUso5PvvsVAgAAAEBlU+xvNSOajdDC/Qu1eP9iHUo+pKkbpyouPU5DmgyRJE3fMl0T10y0xQ8JG6K49Di9vul1HUo+pMX7F2vRgUUa1XxUiR0EAABX66HuDTRvU6zmb4rVgfg0vfLdLp1MztD9nepKkqYu36Px82Js8X/rVE8nzmbo1aW7dCA+TfM3xWr+5lg90iO0nI4AAAAAAEpOse9ZOLDBQCVbkzVr+ywlZCSoUfVGmtl3poI9/7zeOSEjQXHpcbb4Ol51NKPvDL2x6Q19tecrBXgEKLJjpPrV61dyR1HBWCwWTZo0Kd9lZwBQXIwnpW9Q62Aln8/U2yv3KyHNqrAgT80Z1UF1fD0kSfGpVp1IzrDFh9Tw0JwHOujVpbv0WfRRBXhbNGlQc93cslZ5HUKp43MIoKQwnqC88RkEUJKu1zHFyVzpeckAAAAAAAAAbgjcXAkAAAAAAACAJIqFAAAAAAAAAPJQLAQAAAAAAAAgiWIhAAAAAAAAgDwUCwswatQoOTk55XsdOHDAbp2Li4tCQ0P1zDPPKD09XZKUlJSkgQMHKjg4WBaLRSEhIRozZoxSU1Nt21+1apUGDx6sWrVqqVq1aoqIiNB///vf8jpcAGVg1KhRuuOOO2z/7+TkpClTptjFfPPNN3JycrKLKewlSdnZ2XrhhRfUoEEDubu7KzQ0VK+88opyc3PL9PhQsTGvAShJzGkob8xrAEoS85o9ioWFGDhwoOLi4uxeDRo0sFt36NAh/etf/9LMmTP1zDPPSJKqVKmiwYMH69tvv9W+ffs0d+5crVixQo899pht2+vWrVOrVq20cOFC/f777xo9erRGjBih7777rlyOFUDZc3Nz09SpU3X27FmH699++2278UeS5syZk69t6tSpmjVrlt577z3t3r1br7/+ut544w29++67ZXYsqByY1wCUFuY0lAfmNQCl5Uaf16qWdwIVmcViUVBQ0BXX3Xffffrll1/0zTff6P3335evr68ef/xxW2y9evX0xBNP6I033rC1TZw40W57Y8eO1Q8//KDFixdr0KBBpXA0ACqam266SQcOHFBUVJRef/31fOt9fHzk4+Nj11a9evV841J0dLQGDx6sW2+9VZJUv359ffnll9q8eXPpJY9KiXkNQGlhTkN5YF4DUFpu9HmNMwtLiLu7u7KyshyuO3nypBYtWqRevXoVuo2UlBTVqFGjNNIDUAE5Ozvrtdde07vvvqvjx49f9Xa6d++ulStXat++fZKk7du3a+3atbrllltKKlXcgJjXABQHcxoqOuY1AMVxo89rFAsLsXTpUnl6etpe99xzj8O4jRs36osvvlDfvn3t2u+99155eHiodu3a8vb21ocffljgvr7++mtt2rRJDzzwQIkeA4CK7a9//asiIiI0adKkq97GhAkTdO+996pp06ZycXFRmzZt9PTTT+vee+8twUxxPWBeA1CamNNQ1pjXAJSmG3leo1hYiD59+igmJsb2euedd2zrLk5Mbm5u6tKli3r27JnvmvO33npLW7du1TfffKODBw9q/PjxDvezatUqjRo1Sh988IGaN29eqscEoOKZOnWqPvnkE+3ateuq+s+bN0+ff/65vvjiC23dulWffPKJ/v3vf+uTTz4p4UxR2TGvAShtzGkoS8xrAErbjTqvcc/CQlSrVk2NGjVyuK5Pnz56//335eLiouDgYLm4uOSLCQoKUlBQkJo2bSo/Pz/16NFD//znP1WrVi1bzOrVqzVo0CC9+eabGjFiRKkdC4CKq2fPnhowYIAmTpyoUaNGFbv/s88+q+eff17Dhg2TJLVs2VJHjx5VVFSURo4cWcLZojJjXgNQ2pjTUJaY1wCUtht1XqNYeJUKm5gcMcZIkqxWq61t1apVuu222zR16lQ98sgjJZ4jgMpjypQpioiIUFhYWLH7nj9/XlWq2J8o7uzsrNzc3JJKDzcA5jUAJYU5DRUB8xqAknIjzmsUC0vBsmXLdPr0aXXo0EGenp7atWuXnnvuOXXr1k3169eX9OfEc+utt2rcuHG66667dOrUKUmSq6srN80FbkAtW7bU/fffn+/ymKIYNGiQJk+erLp166p58+batm2b3nzzTY0ePboUMsWNiHkNQHEwp6GiY14DUBw34rzGPQtLgbu7uz744AN1795d4eHhevrpp3Xbbbdp6dKltpi5c+fq/PnzioqKUq1atWyvO++8sxwzB1CeXn31VdtftYvj3Xff1d13360nnnhC4eHheuaZZ/Too4/q1VdfLYUscSNiXgNQXMxpqMiY1wAU1402rzmZqzlaAAAAAAAAANcdziwEAAAAAAAAIIliIQAAAAAAAIA8FAsBAAAAAAAASKJYCAAAAAAAACAPxUIAAAAAAAAAkigWAgAAAAAAAMhDsRAAAAAAAACAJIqFFcqRI0fk5OSkmJiY8k6lQL1799bTTz9d3mncEF566SVFRESUdxrau3evgoKClJaWJkmaO3euqlevXmifksi9KPspjJOTk7755ptryqEsLF26VG3atFFubm55pwIANtc6BpeUpKQkBQQE6MiRI+Wax6VzSlF+X6tfv76mT59+VfuqKPN/UXTo0EGLFi0q7zQAAJJ69uypL7744pq2wbiOiygWlhEnJ6dCX6NGjSrvFCuU4nxJyczM1Ouvv67WrVvLw8NDNWvWVLdu3TRnzhxlZWWVbqKl6JlnntHKlSvLOw394x//0JNPPikvL68i9ymJ3IcOHap9+/Zd0zau1ahRo3THHXfYtZV0Uf+2226Tk5PTNU/sQEXh6OemOCpKkaqojDGaPXu2OnXqJE9PT1WvXl3t27fX9OnTdf78+fJO76pVhDFYkqKiojRo0CDVr1+/vFMplk2bNumRRx4pt/0XNFdd68/n5f75z3/q+eef5w9ewA1g3bp1cnZ21sCBA8s7lQqrpMfY4li6dKlOnTqlYcOG2drGjx+vGjVqqG7duvrqq6/s4ufPn69Bgwbl2w7jOi6iWFhG4uLibK/p06fL29vbru3tt9++qu3m5OTc0D/ImZmZGjBggKZMmaJHHnlE69at08aNG/Xkk0/q3Xff1c6dO8s7xWIzxig7O1uenp7y8/Mr11yOHz+ub7/9Vg888ECx+pVE7u7u7goICLimbVR0F4vZDzzwgN59991yzgbA1Rg+fLiefvppDR48WL/88otiYmL0z3/+U0uWLNGPP/5Y3uldlaysrAoxBmdkZOijjz7SQw89VK55XA1/f395eHiUdxqlJjMzU5J06623KiUlRT/88EM5ZwSgtH388cd66qmntHbtWh07dqxcc6nMJ4SUlnfeeUcPPPCAqlT5s8Tz3Xff6YsvvtCPP/6oqVOn6oEHHlBSUpIkKTk5Wf/4xz80Y8aMfNthXMdFFAvLSFBQkO3l4+MjJyenfG0XHTp0SH369JGHh4dat26t6Oho27qLZ1wsXbpUzZo1k8Vi0dGjR3X27FmNGDFCvr6+8vDw0M0336z9+/fb+jm6pGX69Ol2f6nPzs7W2LFjVb16dfn5+WnChAkaOXJkvr+O5Obm6rnnnlONGjUUFBSkl156yW69k5OT3n//fd18881yd3dXgwYNtGDBAtv6VatWycnJScnJyba2mJgYOTk56ciRI1q1apUeeOABpaSk2M68vHwflx7Dr7/+qpUrV+rJJ59URESEQkNDdd9992nDhg1q3LixJMlqtWrs2LEKCAiQm5ubunfvrk2bNuXL6YcfflCbNm3k7u6uv/zlL4qPj9f333+v8PBweXt7695777U7U6R3794aM2aMxowZY3vfXnjhBRljbDGff/652rdvLy8vLwUFBem+++5TfHy8w323b99eFotFa9asyfdvtmrVKnXs2FHVqlVT9erV1a1bNx09etS2/v3331fDhg3l6uqqJk2a6LPPPsv37/Lhhx/qr3/9qzw8PNS4cWN9++23Dt/Xi+bPn6/WrVurTp06+dZ98803CgsLk5ubm/r166fY2FjbustzL+pn61KXn120fft29enTR15eXvL29la7du20efPmQvOPi4sr8HMoSSdOnNDQoUPl6+srPz8/DR482Hap20svvaRPPvlES5YssX0OV61apQYNGkiS2rRpIycnJ/Xu3du2vTlz5ig8PFxubm5q2rSpZs6caVt38SyP+fPnq3fv3nJzc9Pnn38uSbr99tu1ceNGHTp0qNDjAa4Hb775plq2bKlq1aopJCRETzzxhM6dOydJhY7/mZmZeu6551S7dm1Vq1ZNnTp10qpVq2zbvThm/PDDDwoPD5enp6cGDhyouLg4u/1//PHHat68uSwWi2rVqqUxY8ZIkkaPHq3bbrvNLjY7O1tBQUH6+OOPHR7L/Pnz9d///ldffvmlJk6cqA4dOqh+/foaPHiwfv75Z/Xp00fSn/PmK6+8ojp16shisSgiIkLLly+3befS8aFHjx5yd3dXhw4dtG/fPm3atEnt27e3HU9CQoKt38UzGF5++WUFBATI29tbjz76qK2QI0nLly9X9+7dbePvbbfdpoMHDzrc96VjU3HH4IULF9re1/r162vatGl271X9+vX12muvafTo0fLy8lLdunU1e/Zsh+/rRd9//72qVq2qLl262NrOnj2r+++/X/7+/nJ3d1fjxo01Z86ca3ofN23apH79+qlmzZry8fFRr169tHXr1kJzu5LLL0N+6aWXVLduXVksFgUHB2vs2LFX3MZ//vMfhYSEyMPDQ/fcc4/d701S4XOOo7mqoHlNKnw+lP7vsxYVFaXg4GCFhYVJkpydnXXLLbfoyy+/vLo3CkClkJ6ervnz5+vxxx/Xbbfdprlz5+aL+fbbb9W+fXu5ubmpZs2auvPOO23rrFarnnvuOYWEhMhisahx48b66KOPJDm+ouCbb76Rk5OTbfnid4uPP/5YoaGhslgsMsZccY6T/jz5YdiwYapRo4aqVaum9u3ba8OGDTpy5IiqVKmS7/vEu+++q3r16skYU+icczVWr16tjh072n4Hef7555WdnW1b//XXX6tly5Zyd3eXn5+fbrrpJqWnp0sq/LtgYmKiVqxYodtvv922rd27d6t3795q37697r33Xnl7e9u+azz33HN64oknVLdu3Xw5Mq7DxqDMzZkzx/j4+ORrP3z4sJFkmjZtapYuXWr27t1r7r77blOvXj2TlZVl6+vi4mK6du1qfvvtN7Nnzx5z7tw5c/vtt5vw8HDz66+/mpiYGDNgwADTqFEjk5mZaYwxZtKkSaZ169Z2+3vrrbdMvXr1bMv/+te/TI0aNcyiRYvM7t27zWOPPWa8vb3N4MGDbTG9evUy3t7e5qWXXjL79u0zn3zyiXFycjI//vijLUaS8fPzMx988IHZu3eveeGFF4yzs7PZtWuXMcaYX375xUgyZ8+etfXZtm2bkWQOHz5srFarmT59uvH29jZxcXEmLi7OpKWlOXwvW7VqZfr373/F93zs2LEmODjYLFu2zOzcudOMHDnS+Pr6mqSkJLucOnfubNauXWu2bt1qGjVqZHr16mX69+9vtm7dan799Vfj5+dnpkyZYvd+eHp6mnHjxpk9e/aYzz//3Hh4eJjZs2fbYj766COzbNkyc/DgQRMdHW06d+5sbr75Ztv6i/tu1aqV+fHHH82BAwdMYmKi3b9ZVlaW8fHxMc8884w5cOCA2bVrl5k7d645evSoMcaYRYsWGRcXFzNjxgyzd+9eM23aNOPs7Gx+/vlnu3+XOnXqmC+++MLs37/fjB071nh6etreA0cGDx5sHnvsMbu2i5/B9u3bm3Xr1pnNmzebjh07mq5du9piLv+8FeWzdbnLf06aN29u/va3v5ndu3ebffv2mfnz55uYmJgC+1/pc5ienm4aN25sRo8ebX7//Xeza9cuc99995kmTZoYq9Vq0tLSzJAhQ8zAgQNtn0Or1Wo2btxoJJkVK1aYuLg42/s3e/ZsU6tWLbNw4UJz6NAhs3DhQlOjRg0zd+5cY8z//XzXr1/fFnPixAlbvgEBAbZYoDIbOXJkoT/bb731lvn555/NoUOHzMqVK02TJk3M448/bowxhY7/9913n+natav59ddfzYEDB8wbb7xhLBaL2bdvnzHm/8amm266yWzatMls2bLFhIeHm/vuu8+275kzZxo3Nzczffp0s3fvXrNx40bz1ltvGWOM+e2334yzs7M5efKkLX7JkiWmWrVqBc5Bt99+u2nSpMkV35M333zTeHt7my+//NLs2bPHPPfcc8bFxcWW+6Xz//Lly82uXbtM586dTdu2bU3v3r3t5qVLx+SRI0caT09PM3ToUPPHH3+YpUuXGn9/fzNx4kRbzNdff20WLlxo9u3bZ7Zt22YGDRpkWrZsaXJycuz2ffnYVJwxePPmzaZKlSrmlVdeMXv37jVz5swx7u7uZs6cObb+9erVMzVq1DAzZsww+/fvN1FRUaZKlSpm9+7dBb5v48aNMwMHDrRre/LJJ01ERITZtGmTOXz4sPnpp5/Mt99+e03v48qVK81nn31mdu3aZXbt2mUefPBBExgYaFJTU20xkszixYvt9rNt27YCc69Xr57ts7VgwQLj7e1tli1bZo4ePWo2bNhg93vC5SZNmmSqVatm/vKXv5ht27aZ1atXm0aNGtl9lq805ziaqwqa1640Hxrzf5+14cOHmz/++MPs2LHDlsvMmTNN/fr1CzweAJXfRx99ZNq3b2+MMea7774z9evXN7m5ubb1S5cuNc7OzubFF180u3btMjExMWby5Mm29UOGDDEhISFm0aJF5uDBg2bFihXmq6++MsY4/m68ePFic2mp4uK4OGDAALN161azfft2k5ube8U5Li0tzYSGhpoePXqYNWvWmP3795t58+aZdevWGWOM6devn3niiSfs9t2mTRvz4osvGmMKn3McKex3oOPHjxsPDw/zxBNPmN27d5vFixebmjVrmkmTJhljjDl58qSpWrWqefPNN83hw4fN77//bmbMmGHS0tKu+F1w8eLFplq1arbjNsaY5cuXm4YNG5ozZ86YzZs3Gy8vL3PmzBmzZs0a065dO5OdnV3gcTCuwxhjKBaWgysVCz/88ENb286dO40k2y/Tc+bMMZLsiiT79u0zksxvv/1ma0tMTDTu7u5m/vz5xpiiFQsDAwPNG2+8YVvOzs42devWzVcs7N69u912OnToYCZMmGBblpSvwNSpUyfbl8ErFQsLe48u5+7ubsaOHVtozLlz54yLi4v573//a2vLzMw0wcHB5vXXX7fLacWKFbaYqKgoI8kcPHjQ1vboo4+aAQMG2JZ79eplwsPD7SbLCRMmmPDw8ALzufgL/MUvnxf3/c0339jFXfpvlpSUZCSZVatWOdxm165dzcMPP2zXds8995hbbrnFtizJvPDCC3bvi5OTk/n+++8LzLV169bmlVdesWu7+Blcv369rW337t1GktmwYUO+3I0p2mfrcpd/Bry8vIpVTLvS5/Cjjz4yTZo0sfu3s1qtxt3d3fzwww/GGMcTfkFfEkNCQswXX3xh1/bqq6+aLl262PWbPn26w3zbtGljXnrppSIfH1BRXalYeLn58+cbPz8/27Kj8f/AgQPGycnJrsBujDF9+/Y1kZGRtn6SzIEDB2zrZ8yYYQIDA23LwcHB5h//+EeBuTRr1sxMnTrVtnzHHXeYUaNGFRgfHh5ubr/99sIPMG+/l35pMubPufPiFxRH8/+XX35pJJmVK1fa2qKiouyKkyNHjjQ1atQw6enptrb333/feHp62n1huFR8fLyRZCv2FDQ2FWcMvu+++0y/fv3s2p599lnTrFkz23K9evXM3/72N9tybm6uCQgIMO+//77DbRrz5x+sRo8ebdc2aNAg88ADDziMv9r38XLZ2dnGy8vLfPfdd7a2aykWTps2zYSFhdn+gHslkyZNMs7OziY2NtbW9v3335sqVaqYuLg4Y0zR55zLc3T081nU+TAwMNBWPLzUkiVLTJUqVQr8zAGo/Lp27WqbJ7KyskzNmjXNTz/9ZFvfpUsXc//99zvsu3fvXiPJLv5SRS0Wuri4mPj4+ELzvHyO+89//mO8vLwKPDli3rx5xtfX11y4cMEYY0xMTIxxcnKyfSctbM5xpLDfgSZOnJhvrJ0xY4Ztzt6yZYuRZI4cOZKv75W+C7711lsmNDQ0X/ukSZNMw4YNTYsWLcyiRYuM1Wo1LVq0MJs3bzbvvvuuCQsLM127djV//PGHXT/GdRhjDJchV0CtWrWy/X+tWrUkye6yVVdXV7uY3bt3q2rVqurUqZOtzc/PT02aNNHu3buLtM+UlBSdPn1aHTt2tLU5OzurXbt2heZ3McdL85Nkd8nQxeWi5lIcxhi7U9QdOXjwoLKystStWzdbm4uLizp27Jgvp0uPLTAwUB4eHgoNDbVru/xYO3fubJdDly5dtH//fuXk5EiStm3bpsGDB6tevXry8vKyXbZ6+b0+2rdvX+Ax1KhRQ6NGjdKAAQM0aNAgvf3223aX1u3evdvu+CSpW7duhR5ftWrV5OXlle94LpWRkSE3N7d87VWrVrXLt2nTpqpevbrDf+PifLYKM378eD300EO66aabNGXKlHyXGDhS2Odwy5YtOnDggLy8vOTp6SlPT0/VqFFDFy5cKNK2L5WQkKDY2Fg9+OCDtm15enrqX//6V75tFfTv7O7uXqkfhgAU1S+//KJ+/fqpdu3a8vLy0ogRI5SUlGS7zMaRrVu3yhijsLAwu5+x1atX2/2MeXh4qGHDhrblS+en+Ph4nTx5Un379i1wPw899JDt8qL4+Hj973//0+jRowuML8oclJqaqpMnTxZ7jA4MDJQktWzZ0q7t8jH74sO9LurSpYvOnTtnuzXEwYMHdd999yk0NFTe3t62y1OLMwdJhY/BBc1Bl86Flx/fxduxFHcOevzxx/XVV18pIiJCzz33nNatW5evX3Hfx/j4eD322GMKCwuTj4+PfHx8dO7cuRK7J9c999yjjIwMhYaG6uGHH9bixYvtLjtzpG7duna3AOnSpYtyc3O1d+/eYs05RVHU+bBly5ZydXXN19/d3V25ubmyWq3F3jeAim/v3r3auHGj7cEZVatW1dChQ+1u0RETE1Pg/BoTEyNnZ2f16tXrmvKoV6+e/P397dquNMfFxMSoTZs2qlGjhsNt3nHHHapataoWL14s6c9blfTp08d2q66izDlFtXv3bnXp0sXu94Zu3brp3LlzOn78uFq3bq2+ffuqZcuWuueee/TBBx/o7Nmzkq78XbCg72wvvfSSDhw4oB07duivf/2rXnvtNd10001ycXHRv/71L61du1YPPfSQRowYYdePcR0S9yyskFxcXGz/f3EwufQhJu7u7naDjLnk/niXuvRLTJUqVfLFObox7OVfehxt+9L8LvYpykNWLs3l8m1f7U1qw8LCrliEvLgfR8d2edvl7/3VHutF6enp6t+/vzw9PfX5559r06ZNtsno0ntKSX8W7wozZ84cRUdHq2vXrpo3b57CwsK0fv16u9yKc3xFOZ6aNWvaJqnLOfqCXNiX5qJ8tgrz0ksvaefOnbr11lv1888/q1mzZrb3sjgu/Zlq166dYmJi7F779u3TfffdV6xtXnwPP/jgA7tt/fHHH3b/RlLB/85nzpzJ9wsQcL05evSobrnlFrVo0UILFy7Uli1bbDfXLmweyM3NlbOzs7Zs2WL3M7Z79267B4Q5GuMujjXu7u5XzG/EiBE6dOiQoqOj9fnnn6t+/frq0aNHgfFFmYMuzeVSRZmDHLUVdQ662H/QoEFKSkrSBx98oA0bNmjDhg2Sij8HFTYGOzqWkvj9wdEcdPPNN+vo0aN6+umnbcXfZ555psD9FOV9HDVqlLZs2aLp06dr3bp1iomJkZ+fX7736GqFhIRo7969mjFjhtzd3fXEE0+oZ8+exfrd5+JxXJp7UeacoijqfFjY/OXh4VGknzEAlc9HH32k7Oxs1a5dW1WrVlXVqlX1/vvva9GiRbYxurCf/yuNDUX9nupoDLrSHHelfbu6umr48OGaM2eOMjMz9cUXX9j9kbAoc05RFTZXOjk5ydnZWT/99JO+//57NWvWTO+++66aNGmiw4cPSyr8u2Bh39ku2rNnj/773//q1Vdf1apVq9SzZ0/5+/tryJAh2rp1q1JTU22xjOuQKBZeF5o1a6bs7Gzb4ChJSUlJ2rdvn8LDwyX9+VS+U6dO2Q3EMTExtv/38fFRYGCgNm7caGvLycnRtm3briqny39ZXb9+vZo2bWrLRZLdX0MuzUX6c+C+9GyEgtx3331asWKFwzyzs7OVnp6uRo0aydXVVWvXrrWty8rK0ubNm23vz7VwdKyNGzeWs7Oz9uzZo8TERE2ZMkU9evRQ06ZNCz2L4kratGmjyMhIrVu3Ti1atNAXX3whSQoPD7c7Pklat27dNR9fmzZttGvXrnzt2dnZdjcD3rt3r5KTk23/xpcqyc9WWFiY/v73v+vHH3/UnXfeecUbDBf2OWzbtq3279+vgIAANWrUyO518YFDjj6HF8+quLQ9MDBQtWvX1qFDh/Jt6+JfOAtz8eyNNm3aXPlNACqxzZs3Kzs7W9OmTVPnzp0VFhamkydP2sU4+rlr06aNcnJyFB8fn+9nLCgoqEj79vLyUv369bVy5coCY/z8/HTHHXdozpw5mjNnzhWfBH/fffdp3759WrJkSb51xhilpKTI29tbwcHBpTJGS38+eCQjI8O2vH79enl6eqpOnTpKSkrS7t279cILL6hv374KDw+/4peJwhQ0Bjdr1szh8YWFhcnZ2fmq91fQHOTv769Ro0bp888/1/Tp06/4oJQrWbNmjcaOHatbbrnF9pCWxMTEa9rm5dzd3XX77bfrnXfe0apVqxQdHa0dO3YUGH/s2DG7n43o6GhVqVJFYWFhRZpzHM1VF9svbyvKfFiYP/74Q23bti3yewGg8sjOztann36qadOm2f0xYfv27apXr57++9//SvrzjO6C5teWLVsqNzdXq1evdrje399faWlpdlcYXP7d0JGizHGtWrVSTEyMzpw5U+B2HnroIa1YsUIzZ85UVlaW3YNZLuZXEnNOs2bNtG7dOrvv4+vWrZOXl5dq164t6c+iYbdu3fTyyy9r27ZtcnV1tTs5oqDvgm3atNGpU6cKnOONMXrkkUc0bdo0eXp6Kicnx1aQvfjfS/+IxrgOiWLhdaFx48YaPHiwHn74Ya1du1bbt2/X3/72N9WuXVuDBw+W9OdTexMSEvT666/r4MGDmjFjhr7//nu77Tz11FOKiorSkiVLtHfvXo0bN05nz5694iVWjixYsEAff/yx9u3bp0mTJmnjxo22J042atRIISEheumll7Rv3z7973//c/jUxHPnzmnlypVKTEws8PLMp59+Wt26dVPfvn01Y8YMbd++XYcOHdL8+fPVqVMn7d+/X9WqVdPjjz+uZ599VsuXL9euXbv08MMP6/z583rwwQeLfWyXi42N1fjx47V37159+eWXevfddzVu3DhJf15G5OrqqnfffVeHDh3St99+q1dffbXY+zh8+LAiIyMVHR2to0eP6scff7QrBj/77LOaO3euZs2apf379+vNN9/UokWLrvovXxcNGDBA0dHR+b5YuLi46KmnntKGDRu0detWPfDAA+rcubPdpcaXutbPVkZGhsaMGaNVq1bp6NGj+u2337Rp06YrftEu7HN4//33q2bNmho8eLDWrFmjw4cPa/Xq1Ro3bpyOHz8u6c/P4e+//669e/cqMTFRWVlZCggIkLu7u5YvX67Tp08rJSVF0p9n3URFRentt9/Wvn37tGPHDs2ZM0dvvvnmFY9v/fr1slgs+S6bBiqrlJSUfGcpHTt2TA0bNlR2drZtTPzss880a9Ysu76Oxv+wsDDdf//9GjFihBYtWqTDhw9r06ZNmjp1qpYtW1bkvF566SVNmzZN77zzjvbv36+tW7fq3XfftYt56KGH9Mknn2j37t0aOXJkodsbMmSIhg4dqnvvvVdRUVHavHmzjh49qqVLl+qmm27SL7/8IunPMXrq1KmaN2+e9u7dq+eff14xMTG2ueJaZGZm6sEHH9SuXbv0/fffa9KkSRozZoyqVKlie7Lt7NmzdeDAAf38888aP358sfdxpTH4//2//6eVK1fq1Vdf1b59+/TJJ5/ovffeK5E5aOfOnXZffl588UUtWbJEBw4c0M6dO7V06dJrLro2atRIn332mXbv3q0NGzbo/vvvL9GzKebOnauPPvpIf/zxh+1z7+7urnr16hXYx83NTSNHjtT27dttxcwhQ4bYiuNXmnMKmqsczWtFmQ8Ls2bNGvXv378E3ikAFc3SpUt19uxZPfjgg2rRooXd6+6777Y90XjSpEn68ssvNWnSJO3evVs7duzQ66+/LunPcWfkyJEaPXq0vvnmGx0+fFirVq3S/PnzJUmdOnWSh4eHJk6cqAMHDuiLL75w+LTlyxVljrv33nsVFBSkO+64Q7/99psOHTqkhQsXKjo62hYTHh6uzp07a8KECbr33nvtxv+rmXMK+h3oiSeeUGxsrJ566int2bNHS5Ys0aRJkzR+/HhVqVJFGzZs0GuvvabNmzfr2LFjWrRokRISEhQeHn7F74Jt2rSRv7+/fvvtN4c5ffDBBwoICLA9Lblbt276+eeftX79er311ltq1qyZ3ROpGdchiachl4crPeDk0ptRnz171kgyv/zyS6F9z5w5Y4YPH258fHyMu7u7GTBggO0pixe9//77JiQkxFSrVs2MGDHCTJ482e4BJ1lZWWbMmDHG29vb+Pr6mgkTJph77rnHDBs2zBbTq1cvM27cOLvtDh482IwcOdK2LMnMmDHD9OvXz1gsFlOvXj3z5Zdf2vVZu3atadmypXFzczM9evQwCxYssHvAiTHGPPbYY8bPz89Isj0lypELFy6YqKgo2/Zq1KhhunXrZubOnWt7inRGRoZ56qmnTM2aNY3FYjHdunUzGzdutG3D0UNXHL3Xlz+4o1evXuaJJ56wPd3X19fXPP/883Y3rv3iiy9M/fr1jcViMV26dDHffvut3b+zo31fvq9Tp06ZO+64w9SqVcu4urqaevXqmRdffNHuprMzZ840oaGhxsXFxYSFhZlPP/3Ubnu65ObsF/n4+Ng9rfJy2dnZpnbt2mb58uX53peFCxea0NBQ4+rqav7yl7/Y3Yz38vepKJ+ty136/lutVjNs2DATEhJiXF1dTXBwsBkzZozJyMgosH9RPodxcXFmxIgRts9FaGioefjhh01KSoox5s+bJPfr1894enra/Rx+8MEHJiQkxFSpUsX06tXLtr3//ve/JiIiwri6uhpfX1/Ts2dPs2jRImNM4TfEf+SRR8yjjz5a4LEAlcnIkSONpHyvi/PEm2++aWrVqmWbqz799NN8Y6Cj8T8zM9O8+OKLpn79+sbFxcUEBQWZv/71r+b33383xhTtBunGGDNr1izTpEkT4+LiYmrVqmWeeuopu/W5ubmmXr16dg+IKkxOTo55//33TYcOHYyHh4fx9vY27dq1M2+//bY5f/68Lebll182tWvXNi4uLqZ169Z2D5dyND4UZV66eCP1F1980fj5+RlPT0/z0EMP2W7UbowxP/30kwkPDzcWi8W0atXKrFq1qkgP6yjuGPz111+bZs2aGRcXF1O3bl27h1oZY//Aj4tat25d6PxujDGdO3c2s2bNsi2/+uqrJjw83Li7u5saNWqYwYMHm0OHDl3T+7h161bTvn17Y7FYTOPGjc2CBQvy5VuU96yg4128eLHp1KmT8fb2NtWqVTOdO3e2e6Da5S7OoTNnzjTBwcHGzc3N3HnnnebMmTN2cYXNOcY4nqsKmteuNB8WdNP+48ePGxcXF7uHsQC4ftx2220FzocXH8ixZcsWY4wxCxcutI1JNWvWNHfeeactNiMjw/z973+3fZdp1KiR+fjjj23rFy9ebBo1amTc3NzMbbfdZmbPnp3vASeXP6zTmCvPccYYc+TIEXPXXXcZb29v4+HhYdq3b297KONFH330kZFk9/3QmMLnHEeu9DvQqlWrTIcOHYyrq6sJCgoyEyZMsH1f3bVrlxkwYIDx9/c3FovFhIWFmXfffdcYU7Tvgs8//7zD71anTp0y9erVy/eQuJdfftnUqFHDNG3a1O79YFzHRU7GFPPGYbhh5ObmKjw8XEOGDCnW2XBOTk5avHix7rjjjtJLroLo3bu3IiIiNH369PJOpdTMnDlTS5Ys0Q8//FBi27zaz9b1KCEhQU2bNtXmzZuLdMkygNJ1/vx5BQcH6+OPP853KVJFM2rUKCUnJ+ubb74p71RKzbJly/TMM8/ojz/+sN3zGBXHs88+q5SUlGu+FBwAytPkyZP11VdfFXp7iIru9OnTat68ubZs2VLometXwriOi6qWdwKoOC6e0tyrVy9ZrVa99957Onz4cLEf9oDryyOPPKKzZ88qLS1NXl5eV7UNPlsFO3z4sGbOnEmhEChnubm5OnXqlKZNmyYfHx/bpTooX7fccov279+vEydOKCQkpLzTwWUCAv5/e3ds2yAQhmH4E2KG0Lihp2YOD+ISVx6DGomOJdiDnhncOw2OlMJNcOJYep4BEAU6oVd3/33sPm4O8CrX6zXLsqTv+7ffwFBVVYZhyLquu2KhdZ07sZAvRVFkHMd0XZfb7ZamaTLP81MGsPO+yrLM5XLZ9Qzf1mNt2z6c9Qj8nXVdU9d1DodDxnFMWfpF+i+eMduR33E+n1/9CgA/djqdMk1Tjsfjt1uQ39X9voI9rOvcOYYMAAAAACRxGzIAAAAAsBELAQAAAIAkYiEAAAAAsBELAQAAAIAkYiEAAAAAsBELAQAAAIAkYiEAAAAAsBELAQAAAIAkYiEAAAAAsPkELzGSiVWQTBUAAAAASUVORK5CYII=", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "throughputs_times = [1, throughputs[1]/throughputs[0]]\n", "latencys_times = [1, latencys[1]/latencys[0]]\n", @@ -2306,17 +526,9 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[CODE_SAMPLE_COMPLETED_SUCCESFULLY]\n" - ] - } - ], + "outputs": [], "source": [ "print(\"[CODE_SAMPLE_COMPLETED_SUCCESFULLY]\")" ] diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/requirements.txt b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/requirements.txt index c09998dea1..a0b16fcb08 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/requirements.txt +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/requirements.txt @@ -1,2 +1,5 @@ ipykernel matplotlib +jupyter +runipy +notebook diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json index eb4881ae90..8540568d10 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json @@ -11,11 +11,10 @@ "ciTests": { "linux": [ { - "env": ["source /opt/intel/oneapi/setvars.sh --force", + "env": ["source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", - "conda install -n tensorflow python-flatbuffers -y", - "conda install -n tensorflow -c intel neural-compressor -y", - "conda install -n tensorflow -y", + "conda install -c conda-forge python-flatbuffers -y", + "conda install -c https://software.repos.intel.com/python/conda/ -c conda-forge neural-compressor -y", "pip install jupyter ipykernel", "python -m ipykernel install --user --name=tensorflow" ], diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/requirements.txt b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/requirements.txt deleted file mode 100644 index 7d6768b9e4..0000000000 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/requirements.txt +++ /dev/null @@ -1,3 +0,0 @@ -###### Requirements without Version Specifiers ###### -notebook -matplotlib \ No newline at end of file diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json index 270b1249f6..7800cb7664 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json @@ -13,14 +13,10 @@ "env": [], "id": "Intel_Modin_GS_py", "steps": [ - "set -e # Terminate the script on first error", - "source $(conda info --base)/etc/profile.d/conda.sh # Bypassing conda's disability to activate environments inside a bash script: https://github.com/conda/conda/issues/7980", - "conda create -y -n intel-aikit-modin intel-aikit-modin -c intel", - "conda activate intel-aikit-modin", - "pip install -r requirements.txt # Installing notebook's dependencies", - "pip install runipy # Installing 'runipy' for extended abilities to execute the notebook", - "runipy Modin_GettingStarted.ipynb # Test 'Modin* is faster than pandas' case", - "MODIN_CPUS=1 runipy Modin_GettingStarted.ipynb # Test 'Modin is slower than pandas' case" + "source /intel/oneapi/intelpython/bin/activate", + "pip install matplotlib modin[all]", + "pip install jupyter ipykernel", + "jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_GettingStarted.ipynb" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json index bab9d6980f..2f6e6bd812 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json @@ -13,15 +13,10 @@ "linux": [{ "id": "modin_pandas_performance", "steps": [ - "set -e # Terminate the script on first error", - "conda create --name aikit-modin #Create a new conda environment", - "source activate aikit-modin # Activate the conda environment", - "conda remove modin --y # Remove the existing modin, if any", - "pip install modin[all]==0.12.1 # Install modin v0 .12 .1", - "pip install numpy", - "pip install pandas", - "pip install ipython # To run colab notebook", - "ipython Modin_Vs_Pandas.ipynb # Execute the notebook" + "source /intel/oneapi/intelpython/bin/activate", + "pip install numpy pandas modin[all]", + "pip install jupyter ipykernel", + "jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_Vs_Pandas.ipynb" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/README.md b/AI-and-Analytics/Getting-Started-Samples/README.md index 373c108561..a8d82bd7da 100644 --- a/AI-and-Analytics/Getting-Started-Samples/README.md +++ b/AI-and-Analytics/Getting-Started-Samples/README.md @@ -29,34 +29,3 @@ Third party program Licenses can be found here: [third-party-programs.txt](https |Deep Learning Inference Optimization|oneCCL Bindings for PyTorch | [Intel oneCCL Bindings For PyTorch GettingStarted](Intel_oneCCL_Bindings_For_PyTorch_GettingStarted) | Guides users through the process of running a simple PyTorch* distributed workload on both GPU and CPU. | *Other names and brands may be claimed as the property of others. [Trademarks](https://www.intel.com/content/www/us/en/legal/trademarks.html) -# Getting Started Samples for AI Tools - -The AI Tools gives data scientists, AI developers, and researchers familiar Python* tools and frameworks to accelerate end-to-end data science and analytics pipelines on Intel® architectures. The components are built using oneAPI libraries for low-level compute optimizations. This toolkit maximizes performance from preprocessing through machine learning, and provides interoperability for efficient model development. - -You can find more information at [ AI Tools](https://software.intel.com/content/www/us/en/develop/tools/oneapi/ai-analytics-toolkit.html). - -Users could learn how to run samples for different components in AI Tools with those getting started samples. - -## License -Code samples are licensed under the MIT license. See -[License.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/License.txt) for details. - -Third party program Licenses can be found here: [third-party-programs.txt](https://github.com/oneapi-src/oneAPI-samples/blob/master/third-party-programs.txt) - -# Getting Started Samples - -|AI Tools preset | Component | Folder | Description -|--------------------------| --------- | ------------------------------------------------ | - -|Inference Optimization| Intel® Neural Compressor (INC) | [Intel® Neural Compressor (INC) Sample-for-PyTorch](INC-Quantization-Sample-for-PyTorch) | Performs INT8 quantization on a Hugging Face BERT model. -|Inference Optimization| Intel® Neural Compressor (INC) | [Intel® Neural Compressor (INC) Sample-for-Tensorflow](INC-Sample-for-Tensorflow) | Quantizes a FP32 model into INT8 by Intel® Neural Compressor (INC) and compares the performance between FP32 and INT8. -|Data Analytics
Classical Machine Learning | Modin* | [Modin_GettingStarted](Modin_GettingStarted) | Run Modin*-accelerated Pandas functions and note the performance gain. -|Data Analytics
Classical Machine Learning | Modin* |[Modin_Vs_Pandas](Modin_Vs_Pandas)| Compares the performance of Intel® Distribution of Modin* and the performance of Pandas. -|Classical Machine Learning| Intel® Optimization for XGBoost* | [IntelPython_XGBoost_GettingStarted](IntelPython_XGBoost_GettingStarted) | Set up and trains an XGBoost* model on datasets for prediction. -|Classical Machine Learning| daal4py | [IntelPython_daal4py_GettingStarted](IntelPython_daal4py_GettingStarted) | Batch linear regression using the Python API package daal4py from oneAPI Data Analytics Library (oneDAL). -|Deep Learning
Inference Optimization| Intel® Optimization for TensorFlow* | [IntelTensorFlow_GettingStarted](IntelTensorFlow_GettingStarted) | A simple training example for TensorFlow. -|Deep Learning
Inference Optimization|Intel® Extension of PyTorch | [IntelPyTorch_GettingStarted](Intel_Extension_For_PyTorch_GettingStarted) | A simple training example for Intel® Extension of PyTorch. -|Classical Machine Learning| Scikit-learn (OneDAL) | [Intel_Extension_For_SKLearn_GettingStarted](Intel_Extension_For_SKLearn_GettingStarted) | Speed up a scikit-learn application using Intel oneDAL. -|Deep Learning
Inference Optimization|Intel® Extension of TensorFlow | [Intel® Extension For TensorFlow GettingStarted](Intel_Extension_For_TensorFlow_GettingStarted) | Guides users how to run a TensorFlow inference workload on both GPU and CPU. -|Deep Learning Inference Optimization|oneCCL Bindings for PyTorch | [Intel oneCCL Bindings For PyTorch GettingStarted](Intel_oneCCL_Bindings_For_PyTorch_GettingStarted) | Guides users through the process of running a simple PyTorch* distributed workload on both GPU and CPU. | - -*Other names and brands may be claimed as the property of others. [Trademarks](https://www.intel.com/content/www/us/en/legal/trademarks.html) diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/third-party-programs.txt b/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/third-party-programs.txt deleted file mode 100644 index 90daff458d..0000000000 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/third-party-programs.txt +++ /dev/null @@ -1,253 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - --------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/third-party-programs.txt b/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/third-party-programs.txt deleted file mode 100644 index 8351f80d1d..0000000000 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/third-party-programs.txt +++ /dev/null @@ -1,457 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/third-party-programs.txt b/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/third-party-programs.txt deleted file mode 100644 index 8351f80d1d..0000000000 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/third-party-programs.txt +++ /dev/null @@ -1,457 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/third-party-programs.txt b/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/third-party-programs.txt deleted file mode 100644 index 8351f80d1d..0000000000 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/third-party-programs.txt +++ /dev/null @@ -1,457 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/third-party-programs.txt b/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/third-party-programs.txt deleted file mode 100644 index 8351f80d1d..0000000000 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/third-party-programs.txt +++ /dev/null @@ -1,457 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/third-party-programs.txt b/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/third-party-programs.txt deleted file mode 100644 index 8351f80d1d..0000000000 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/third-party-programs.txt +++ /dev/null @@ -1,457 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/third-party-programs.txt b/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/third-party-programs.txt deleted file mode 100644 index 8351f80d1d..0000000000 --- a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/third-party-programs.txt +++ /dev/null @@ -1,457 +0,0 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- diff --git a/DirectProgramming/Fortran/DenseLinearAlgebra/vectorize-vecmatmult/README.md b/DirectProgramming/Fortran/DenseLinearAlgebra/vectorize-vecmatmult/README.md index d6015c5b32..6a381c8674 100644 --- a/DirectProgramming/Fortran/DenseLinearAlgebra/vectorize-vecmatmult/README.md +++ b/DirectProgramming/Fortran/DenseLinearAlgebra/vectorize-vecmatmult/README.md @@ -257,6 +257,48 @@ The compiler may be able to perform additional optimizations if it can optimize ``` 2. Run the program, and record the execution time. +### On Windows* +#### Step 1. Establish a Performance Baseline +1. Open an Intel oneAPI command window. +2. Change to the sample directory. +3. Compile the sources with the following command. + ``` + ifx /real-size:64 -O1 src\matvec.f90 src\driver.f90 -o MatVector + ``` +4. Run generated `MatVector.exe`. + ``` + MatVector.exe + ``` +5. Record the execution time reported in the output. This is the baseline against which subsequent improvements will be measured. + +#### Step 2. Generate a Vectorization Report +1. Compile the sources with following command. + ``` + ifx /real-size:64 -O2 /Qopt-report=1 src\matvec.f90 src\driver.f90 -o MatVectors + ``` +2. Run generated `MatVector.exe` again. +3. Record the new execution time. +4. Recompile your project with the **/Qopt-report=2** option. + ``` + ifx /real-size:64 -O2 /Qopt-report=2 src\matvec.f90 src\driver.f90 -o MatVectors + ``` +5. Run `MatVector.exe` and record the new execution time. + +#### Step 3. Improve Performance by Aligning Data +1. Recompile the program after adding the ALIGNED macro to ensure consistently aligned data. + ``` + ifx /real-size:64 /Qopt-report=2 -D ALIGNED src\matvec.f90 src\driver.f90 -o MatVector + ``` +2. Run `MatVector.exe` again, and record the new execution time. + +#### Step 4. Improve Performance with Interprocedural Optimization +1. Recompile the program using the `/Qipo` option to enable interprocedural optimization. + ``` + ifx /real-size:64 /Qopt-report=2 -D ALIGNED /Qipo src\matvec.f90 src\driver.f90 -o MatVector + ``` +2. Run the program, and record the execution time. + + ### Additional Exercises The previous examples made use of double-precision arrays. You could build same examples with single precision arrays by changing the command-line option **-real-size 64** to **-real-size 32**. The non-vectorized versions of the loop execute only slightly faster than the double-precision version; however, the vectorized versions are substantially faster. This is because a packed SIMD instruction operating on a 32-byte vector register operates on eight single-precision data elements at once instead of four double-precision data elements. diff --git a/DirectProgramming/Fortran/guided_Coarray/README.md b/DirectProgramming/Fortran/guided_Coarray/README.md index 95d104c6de..7e40f00b45 100644 --- a/DirectProgramming/Fortran/guided_Coarray/README.md +++ b/DirectProgramming/Fortran/guided_Coarray/README.md @@ -55,7 +55,7 @@ When working with the command-line interface (CLI), you should configure the one > - For non-POSIX shells, like csh, use the following command: `bash -c 'source /setvars.sh ; exec csh'` > > Windows*: -> - `C:\Program Files (x86)\Intel\oneAPI\setvars.bat` +> - `C:\"Program Files (x86)"\Intel\oneAPI\setvars.bat` > - Windows PowerShell*, use the following command: `cmd.exe "/K" '"C:\Program Files (x86)\Intel\oneAPI\setvars.bat" && powershell'` > > For more information on configuring environment variables, see *[Use the setvars Script with Linux* or macOS*](https://www.intel.com/content/www/us/en/develop/documentation/oneapi-programming-guide/top/oneapi-development-environment-setup/use-the-setvars-script-with-linux-or-macos.html)* or *[Use the setvars Script with Windows*](https://www.intel.com/content/www/us/en/develop/documentation/oneapi-programming-guide/top/oneapi-development-environment-setup/use-the-setvars-script-with-windows.html)*. diff --git a/Libraries/oneDNN/getting_started/README.md b/Libraries/oneDNN/getting_started/README.md index 5661f5ac5c..5fd1de4d2a 100644 --- a/Libraries/oneDNN/getting_started/README.md +++ b/Libraries/oneDNN/getting_started/README.md @@ -87,7 +87,7 @@ and threading runtimes: source ${INTEL_ONEAPI_INSTALL_FOLDER}/setvars.sh --dnnl-configuration=cpu_gomp mkdir build cd build -CC=GCC CXX=g++ cmake .. +CC=gcc CXX=g++ cmake .. make ``` * Intel® C++ Compiler and Intel OpenMP runtime @@ -95,7 +95,7 @@ make source ${INTEL_ONEAPI_INSTALL_FOLDER}/setvars.sh --dnnl-configuration=cpu_iomp mkdir build cd build -CC=icc CXX=icpc cmake .. +CC=icx CXX=icpx cmake .. make ``` * Intel® C++ Compiler and TBB runtime @@ -103,7 +103,7 @@ make source ${INTEL_ONEAPI_INSTALL_FOLDER}/setvars.sh --dnnl-configuration=cpu_tbb mkdir build cd build -CC=icc CXX=icpc cmake .. +CC=icx CXX=icpx cmake .. make ``` ### On a Windows* System diff --git a/Libraries/oneTBB/tbb-async-sycl/README.md b/Libraries/oneTBB/tbb-async-sycl/README.md index 538979169b..8cca3479d8 100755 --- a/Libraries/oneTBB/tbb-async-sycl/README.md +++ b/Libraries/oneTBB/tbb-async-sycl/README.md @@ -58,40 +58,50 @@ To learn more about the extensions, see the [Using Visual Studio Code with Intel® oneAPI Toolkits User Guide](https://www.intel.com/content/www/us/en/develop/documentation/using-vs-code-with-intel-oneapi/top.html). ### On a Linux System - * Build tbb-async-sycl program - cd tbb-async-sycl && - mkdir build && - cd build && - cmake .. && - make VERBOSE=1 - - * Run the program - make run - - * Clean the program - make clean +* Build tbb-async-sycl program + ``` + cd tbb-async-sycl && + mkdir build && + cd build && + cmake .. && + make VERBOSE=1 + ``` + +* Run the program + ``` + make run + ``` + +* Clean the program + ``` + make clean + ``` ### On a Windows System #### Command line using MSBuild - * MSBuild tbb-async-sycl.sln /t:Rebuild /p:Configuration="debug" +``` +MSBuild tbb-async-sycl.sln /t:Rebuild /p:Configuration="debug" +``` #### Visual Studio IDE - * Open Visual Studio 2017 - * Select Menu "File > Open > Project/Solution", find "tbb-async-sycl" folder and select "tbb-async-sycl.sln" - * Select Menu "Project > Build" to build the selected configuration - * Select Menu "Debug > Start Without Debugging" to run the program +* Open Visual Studio 2017 +* Select Menu "File > Open > Project/Solution", find "tbb-async-sycl" folder and select "tbb-async-sycl.sln" +* Select Menu "Project > Build" to build the selected configuration +* Select Menu "Debug > Start Without Debugging" to run the program ## Running the Sample ### Example of Output - start index for GPU = 0; end index for GPU = 8 - start index for CPU = 8; end index for CPU = 16 - Heterogenous triad correct. - c_array: 0 1.5 3 4.5 6 7.5 9 10.5 12 13.5 15 16.5 18 19.5 21 22.5 - c_gold : 0 1.5 3 4.5 6 7.5 9 10.5 12 13.5 15 16.5 18 19.5 21 22.5 - Built target run +``` +start index for GPU = 0; end index for GPU = 8 +start index for CPU = 8; end index for CPU = 16 +Heterogenous triad correct. +c_array: 0 1.5 3 4.5 6 7.5 9 10.5 12 13.5 15 16.5 18 19.5 21 22.5 +c_gold : 0 1.5 3 4.5 6 7.5 9 10.5 12 13.5 15 16.5 18 19.5 21 22.5 +Built target run +``` ### Troubleshooting If an error occurs, troubleshoot the problem using the Diagnostics Utility for Intel® oneAPI Toolkits. diff --git a/Tools/Advisor/matrix_multiply_advisor/README.md b/Tools/Advisor/matrix_multiply_advisor/README.md index 038d68afd4..5a6f69e7fb 100644 --- a/Tools/Advisor/matrix_multiply_advisor/README.md +++ b/Tools/Advisor/matrix_multiply_advisor/README.md @@ -70,45 +70,79 @@ Edit the line in `src/multiply.hpp` to select the version of the multiply functi `#define MULTIPLY multiply1`. -### On a Linux* System - To build the SYCL version: - cd - cmake . - make - - Clean the program +### On Linux* +1. Change to the sample directory. +2. Build the program. + ``` + mkdir build + cd build + cmake .. + make + ``` +3. Run the program: + ``` + ./matrix_multiply + ``` +4. Clean the program using: + ``` make clean + ``` -If an error occurs, you can get more details by running `make` with -the `VERBOSE=1` argument: -``make VERBOSE=1`` +If an error occurs, you can get more details by running `make` with `VERBOSE=1`: +``` +make VERBOSE=1 +``` For more comprehensive troubleshooting, use the Diagnostics Utility for Intel® oneAPI Toolkits, which provides system checks to find missing dependencies and permissions errors. [Learn more](https://www.intel.com/content/www/us/en/develop/documentation/diagnostic-utility-user-guide/top.html). -### On a Windows* System Using Visual Studio 2017 or newer - * Open Visual Studio 2017 - * Select Menu "File > Open > Project/Solution", find "matrix_multiply" folder and select "matrix_multiply.sln" - * Select Menu "Project > Build" to build the selected configuration - * Select Menu "Debug > Start Without Debugging" to run the program -### on Windows - command line - Build the program using MSBuild - DPCPP Configurations: - Release - MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Release" - Debug - MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Debug" +### On Windows* +**Using Visual Studio*** + +Build the program using **Visual Studio 2017** or newer. +1. Change to the sample directory. +2. Right-click on the solution file and open the solution in the IDE. +2. Right-click on the project in **Solution Explorer** and select **Rebuild**. + +**Using MSBuild** +1. Open "x64 Native Tools Command Prompt for VS2017" or "x64 Native Tools Command Prompt for VS2019" or whatever is appropriate for your Visual Studio* version. +2. Change to the sample directory. + +3. Run the following command: + ``` + MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Release" + ``` + + or + + ``` + MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Debug" + ``` +4. Navigate to the Release/Debug folder (example: x64/Release) +5. Run the program: + ``` + matrix_multiply.exe + ``` ### Example of Output ``` -./matrix.dpcpp - +Address of buf1 = 0000020CBE24B040 +Offset of buf1 = 0000020CBE24B180 +Address of buf2 = 0000020CBEA5E040 +Offset of buf2 = 0000020CBEA5E1C0 +Address of buf3 = 0000020CBF26C040 +Offset of buf3 = 0000020CBF26C100 +Address of buf4 = 0000020CBFA71040 +Offset of buf4 = 0000020CBFA71140 Using multiply kernel: multiply1 -Running on Intel(R) Gen9 +Running on Intel(R) Iris(R) Xe Graphics -Elapsed Time: 0.539631s +Elapsed Time: 0.978114s ``` ## Running an Intel® Advisor analysis diff --git a/Tools/VTuneProfiler/matrix_multiply_vtune/README.md b/Tools/VTuneProfiler/matrix_multiply_vtune/README.md index 1c6c98de54..ac55638a43 100644 --- a/Tools/VTuneProfiler/matrix_multiply_vtune/README.md +++ b/Tools/VTuneProfiler/matrix_multiply_vtune/README.md @@ -82,27 +82,52 @@ dependencies and permissions errors. [Learn more](https://www.intel.com/content/www/us/en/develop/documentation/diagnostic-utility-user-guide/top.html). -### On a Windows* System Using Visual Studio 2017 or newer - * Open Visual Studio 2017 or later - * Select Menu "File > Open > Project/Solution", find "matrix_multiply" folder and select "matrix_multiply.sln" - * Select Menu "Project > Build" to build the selected configuration - * Select Menu "Debug > Start Without Debugging" to run the program +### On a Windows* System Using Visual Studio* Version 2019 or Newer + +#### Command Line using MSBuild + +1. DPCPP Configurations: + - Release + ``` + MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Release" + ``` + - Debug + ``` + MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Debug" + ``` +2. Navigate to the Configuration folder (example: x64 folder) + +3. Run the program: +``` + matrix_multiply.exe +``` + +#### Visual Studio IDE + +1. Open Visual Studio 2019 or later -### on Windows - command line - Build the program using MSBuild -- DPCPP Configurations: - - Release - `MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Release"` - - Debug - `MSBuild matrix_multiply.sln /t:Rebuild /p:Configuration="Debug"` +2. Select Menu "File > Open > Project/Solution", find "matrix_multiply" folder and select "matrix_multiply.sln" + +3. Select Menu "Build > Build Solution" to build the selected configuration + +4. After Build, select Menu "Debug > Start Without Debugging" to run the program ## Example of Output ``` -./matrix.dpcpp - +Address of buf1 = 00000252964F2040 +Offset of buf1 = 00000252964F2180 +Address of buf2 = 0000025296D09040 +Offset of buf2 = 0000025296D091C0 +Address of buf3 = 000002529751B040 +Offset of buf3 = 000002529751B100 +Address of buf4 = 0000025297D20040 +Offset of buf4 = 0000025297D20140 Using multiply kernel: multiply1 -Running on Intel(R) Gen9 +Running on Intel(R) Iris(R) Xe Graphics -Elapsed Time: 0.539631s +Elapsed Time: 0.42209s ``` ## Running an Intel® VTune™ Profiler analysis diff --git a/Tools/VTuneProfiler/tachyon/README.md b/Tools/VTuneProfiler/tachyon/README.md index c49c08ddb8..bbc2849778 100644 --- a/Tools/VTuneProfiler/tachyon/README.md +++ b/Tools/VTuneProfiler/tachyon/README.md @@ -196,14 +196,15 @@ Compare the code in `tachyon.openmp.cpp` to `tachyon.serial.cpp`. `tachyon.openm 3. Run optimized OpenMP version. ``` - ./tachyon.openmp_solution ../dat/balls.dat + ./tachyon.openmp_optimized ../dat/balls.dat ``` You will see the following output: ``` Scene contains 7386 bounded objects. - tachyon.openmp_solution ../dat/balls.dat: 0.153 seconds ``` + tachyon.openmp_optimized ../dat/balls.dat: 0.153 seconds + ``` 4. Compare the render time between the basic OpenMP and optimized OpenMP versions. The optimized version shows an improvement in render time. diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Assets/robot.png b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Assets/robot.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Assets/robot.png rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Assets/robot.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.ipynb b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.ipynb rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.pdf b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.pdf rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Introduction_to_Machine_Learning_and_Toolkit.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/License.txt b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/License.txt rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/README.md b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/README.md rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/Setup_Anaconda.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/requirements.txt b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/requirements.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/requirements.txt rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/requirements.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/third-party-programs.txt rename to Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/third-party-programs.txt index 90daff458d..e9f8042d0a 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/third-party-programs.txt +++ b/Training/Introduction_to_Machine_Learning/01_Introduction_to_Machine_Learning_and_Tools/third-party-programs.txt @@ -1,253 +1,253 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + -------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/knn.png b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/knn.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/knn.png rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/knn.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/robot.png b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/robot.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/robot.png rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Assets/robot.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and_K_Nearest_Neighbors.pdf b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and_K_Nearest_Neighbors.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and_K_Nearest_Neighbors.pdf rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Introduction_to_Supervised_Learning_and_K_Nearest_Neighbors.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/License.txt b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/License.txt rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/README.md b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/README.md rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Setup_Anaconda.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Supervised_Learning_and_K_Nearest_Neighbors_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Supervised_Learning_and_K_Nearest_Neighbors_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Supervised_Learning_and_K_Nearest_Neighbors_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/Supervised_Learning_and_K_Nearest_Neighbors_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/third-party-programs.txt rename to Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/third-party-programs.txt index 90daff458d..e9f8042d0a 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/third-party-programs.txt +++ b/Training/Introduction_to_Machine_Learning/02-Supervised_Learning_and_K_Nearest_Neighbors/third-party-programs.txt @@ -1,253 +1,253 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + -------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/LinearRegr.png b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/LinearRegr.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/LinearRegr.png rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/LinearRegr.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/UnderOverFit.png b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/UnderOverFit.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/UnderOverFit.png rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Assets/UnderOverFit.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/License.txt b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/License.txt rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/README.md b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/README.md rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Setup_Anaconda.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.ipynb b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.ipynb rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.pdf b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.pdf rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/Train_Test_Splits_Validation_Linear_Regression.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/third-party-programs.txt rename to Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/third-party-programs.txt index 90daff458d..e9f8042d0a 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/third-party-programs.txt +++ b/Training/Introduction_to_Machine_Learning/03-Train_Test_Splits_Validation_Linear_Regression/third-party-programs.txt @@ -1,253 +1,253 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- - -1. Nothings STB Libraries - -stb/LICENSE - - This software is available under 2 licenses -- choose whichever you prefer. - ------------------------------------------------------------------------------ - ALTERNATIVE A - MIT License - Copyright (c) 2017 Sean Barrett - Permission is hereby granted, free of charge, to any person obtaining a copy of - this software and associated documentation files (the "Software"), to deal in - the Software without restriction, including without limitation the rights to - use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies - of the Software, and to permit persons to whom the Software is furnished to do - so, subject to the following conditions: - The above copyright notice and this permission notice shall be included in all - copies or substantial portions of the Software. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, - OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE - SOFTWARE. - ------------------------------------------------------------------------------ - ALTERNATIVE B - Public Domain (www.unlicense.org) - This is free and unencumbered software released into the public domain. - Anyone is free to copy, modify, publish, use, compile, sell, or distribute this - software, either in source code form or as a compiled binary, for any purpose, - commercial or non-commercial, and by any means. - In jurisdictions that recognize copyright laws, the author or authors of this - software dedicate any and all copyright interest in the software to the public - domain. We make this dedication for the benefit of the public at large and to - the detriment of our heirs and successors. We intend this dedication to be an - overt act of relinquishment in perpetuity of all present and future rights to - this software under copyright law. - THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR - IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, - FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE - AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN - ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION - WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - --------------------------------------------------------------------------------- - -2. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - - --------------------------------------------------------------------------------- - -3. Nbody - (c) 2019 Fabio Baruffa - - Plotly.js - Copyright (c) 2020 Plotly, Inc - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. -© 2020 GitHub, Inc. - --------------------------------------------------------------------------------- - -4. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- - -5. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- - -6. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -7. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -Other names and brands may be claimed as the property of others. - +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + -------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Assets/UnderOverFit.png b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Assets/UnderOverFit.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Assets/UnderOverFit.png rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Assets/UnderOverFit.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/License.txt b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/License.txt rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/README.md b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/README.md rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent.pdf b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent.pdf rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Regularization_and_Gradient_Descent_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/04-Regularization_and_Gradient_Descent/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Assets/LogRegr.png b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Assets/LogRegr.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Assets/LogRegr.png rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Assets/LogRegr.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/License.txt b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/License.txt rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics.pdf b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics.pdf rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Logistic_Regression_and_Classification_Error_Metrics_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/README.md b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/README.md rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/05-Logistic_Regression_and_Classification_Error_Metrics/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Assets/SVM.png b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Assets/SVM.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Assets/SVM.png rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Assets/SVM.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/License.txt b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/License.txt rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/README.md b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/README.md rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_Kernels_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_Kernels_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_Kernels_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_Kernels_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_and_Kernels.pdf b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_and_Kernels.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_and_Kernels.pdf rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/SVM_and_Kernels.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/06-SVM_and_Kernels/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Assets/DecisionTree.png b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/Assets/DecisionTree.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Assets/DecisionTree.png rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/Assets/DecisionTree.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees.pdf b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees.pdf rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/Decision_Trees_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/License.txt b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/License.txt rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/README.md b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/README.md rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/07-Decision_Trees/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree.png b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree.png rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree_prune.png b/Training/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree_prune.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree_prune.png rename to Training/Introduction_to_Machine_Learning/07-Decision_Trees/wine_tree_prune.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Assets/Bagging.png b/Training/Introduction_to_Machine_Learning/08-Bagging/Assets/Bagging.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Assets/Bagging.png rename to Training/Introduction_to_Machine_Learning/08-Bagging/Assets/Bagging.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Bagging.pdf b/Training/Introduction_to_Machine_Learning/08-Bagging/Bagging.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Bagging.pdf rename to Training/Introduction_to_Machine_Learning/08-Bagging/Bagging.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Bagging_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/08-Bagging/Bagging_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Bagging_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/08-Bagging/Bagging_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/08-Bagging/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/08-Bagging/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/License.txt b/Training/Introduction_to_Machine_Learning/08-Bagging/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/License.txt rename to Training/Introduction_to_Machine_Learning/08-Bagging/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/README.md b/Training/Introduction_to_Machine_Learning/08-Bagging/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/README.md rename to Training/Introduction_to_Machine_Learning/08-Bagging/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/08-Bagging/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/08-Bagging/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/08-Bagging/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/08-Bagging/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/08-Bagging/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/08-Bagging/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Bagging.png b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Bagging.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Bagging.png rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Bagging.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Boosting.png b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Boosting.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Boosting.png rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Assets/Boosting.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking.pdf b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking.pdf rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Boosting_and_Stacking_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/License.txt b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/License.txt rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/README.md b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/README.md rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/09-Boosting_and_Stacking/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Assets/Clustering.png b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Assets/Clustering.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Assets/Clustering.png rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Assets/Clustering.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Clustering_Methods_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Clustering_Methods_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Clustering_Methods_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Clustering_Methods_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/License.txt b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/License.txt rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/README.md b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/README.md rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Setup_Anaconda.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Unsupervised_Learning_and_Clustering.pdf b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Unsupervised_Learning_and_Clustering.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Unsupervised_Learning_and_Clustering.pdf rename to Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/Unsupervised_Learning_and_Clustering.pdf diff --git a/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/10-Introduction_Clustering_Methods/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/Clustering.png b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/Clustering.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/Clustering.png rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/Clustering.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/PCAScatter.png b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/PCAScatter.png similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/PCAScatter.png rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Assets/PCAScatter.png diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Datasets_Attributions.docx b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Datasets_Attributions.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Datasets_Attributions.docx rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Datasets_Attributions.docx diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_Exercises.ipynb b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_Exercises.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_Exercises.ipynb rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_Exercises.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_and_Advanced_Topics.pdf b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_and_Advanced_Topics.pdf similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_and_Advanced_Topics.pdf rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Dimensionality_Reduction_and_Advanced_Topics.pdf diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/License.txt b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/License.txt rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/License.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/README.md b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/README.md rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Setup_Anaconda.docx b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Setup_Anaconda.docx similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Setup_Anaconda.docx rename to Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/Setup_Anaconda.docx diff --git a/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/third-party-programs.txt new file mode 100644 index 0000000000..e9f8042d0a --- /dev/null +++ b/Training/Introduction_to_Machine_Learning/11-Dimensionality_Reduction_and_Advanced_Topics/third-party-programs.txt @@ -0,0 +1,253 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- + +1. Nothings STB Libraries + +stb/LICENSE + + This software is available under 2 licenses -- choose whichever you prefer. + ------------------------------------------------------------------------------ + ALTERNATIVE A - MIT License + Copyright (c) 2017 Sean Barrett + Permission is hereby granted, free of charge, to any person obtaining a copy of + this software and associated documentation files (the "Software"), to deal in + the Software without restriction, including without limitation the rights to + use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies + of the Software, and to permit persons to whom the Software is furnished to do + so, subject to the following conditions: + The above copyright notice and this permission notice shall be included in all + copies or substantial portions of the Software. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, + OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE + SOFTWARE. + ------------------------------------------------------------------------------ + ALTERNATIVE B - Public Domain (www.unlicense.org) + This is free and unencumbered software released into the public domain. + Anyone is free to copy, modify, publish, use, compile, sell, or distribute this + software, either in source code form or as a compiled binary, for any purpose, + commercial or non-commercial, and by any means. + In jurisdictions that recognize copyright laws, the author or authors of this + software dedicate any and all copyright interest in the software to the public + domain. We make this dedication for the benefit of the public at large and to + the detriment of our heirs and successors. We intend this dedication to be an + overt act of relinquishment in perpetuity of all present and future rights to + this software under copyright law. + THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR + IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE + AUTHORS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN + ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION + WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. + +-------------------------------------------------------------------------------- + +2. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + + +-------------------------------------------------------------------------------- + +3. Nbody + (c) 2019 Fabio Baruffa + + Plotly.js + Copyright (c) 2020 Plotly, Inc + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. +© 2020 GitHub, Inc. + +-------------------------------------------------------------------------------- + +4. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- + +5. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- + +6. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +7. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +Other names and brands may be claimed as the property of others. + +-------------------------------------------------------------------------------- \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/ANSWERS_PWD_PROT.zip b/Training/Introduction_to_Machine_Learning/ANSWERS_PWD_PROT.zip similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/ANSWERS_PWD_PROT.zip rename to Training/Introduction_to_Machine_Learning/ANSWERS_PWD_PROT.zip diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/Makefile b/Training/Introduction_to_Machine_Learning/Makefile similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/Makefile rename to Training/Introduction_to_Machine_Learning/Makefile diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/README.md b/Training/Introduction_to_Machine_Learning/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/README.md rename to Training/Introduction_to_Machine_Learning/README.md diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/TeacherKit.ipynb b/Training/Introduction_to_Machine_Learning/TeacherKit.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/TeacherKit.ipynb rename to Training/Introduction_to_Machine_Learning/TeacherKit.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/Welcome.ipynb b/Training/Introduction_to_Machine_Learning/Welcome.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/Welcome.ipynb rename to Training/Introduction_to_Machine_Learning/Welcome.ipynb diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Ames_Housing_Sales.csv b/Training/Introduction_to_Machine_Learning/data/Ames_Housing_Sales.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Ames_Housing_Sales.csv rename to Training/Introduction_to_Machine_Learning/data/Ames_Housing_Sales.csv diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Human_Activity_Recognition_Using_Smartphones_Data.csv b/Training/Introduction_to_Machine_Learning/data/Human_Activity_Recognition_Using_Smartphones_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Human_Activity_Recognition_Using_Smartphones_Data.csv rename to Training/Introduction_to_Machine_Learning/data/Human_Activity_Recognition_Using_Smartphones_Data.csv diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Human_Resources_Employee_Attrition.csv b/Training/Introduction_to_Machine_Learning/data/Human_Resources_Employee_Attrition.csv similarity index 97% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Human_Resources_Employee_Attrition.csv rename to Training/Introduction_to_Machine_Learning/data/Human_Resources_Employee_Attrition.csv index f6c127830a..8c49235ecb 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Human_Resources_Employee_Attrition.csv +++ b/Training/Introduction_to_Machine_Learning/data/Human_Resources_Employee_Attrition.csv @@ -1,15000 +1,15000 @@ -satisfaction_level,last_evaluation,number_of_projects,average_monthly_hours,years_at_company,work_accident,left,promotion_last_5years,department,salary -0.38,0.53,2,157,3,0,1,0,sales,low -0.8,0.86,5,262,6,0,1,0,sales,medium -0.11,0.88,7,272,4,0,1,0,sales,medium -0.72,0.87,5,223,5,0,1,0,sales,low -0.37,0.52,2,159,3,0,1,0,sales,low -0.41,0.5,2,153,3,0,1,0,sales,low -0.1,0.77,6,247,4,0,1,0,sales,low -0.92,0.85,5,259,5,0,1,0,sales,low -0.89,1,5,224,5,0,1,0,sales,low -0.42,0.53,2,142,3,0,1,0,sales,low -0.45,0.54,2,135,3,0,1,0,sales,low -0.11,0.81,6,305,4,0,1,0,sales,low -0.84,0.92,4,234,5,0,1,0,sales,low -0.41,0.55,2,148,3,0,1,0,sales,low -0.36,0.56,2,137,3,0,1,0,sales,low -0.38,0.54,2,143,3,0,1,0,sales,low -0.45,0.47,2,160,3,0,1,0,sales,low -0.78,0.99,4,255,6,0,1,0,sales,low -0.45,0.51,2,160,3,1,1,1,sales,low -0.76,0.89,5,262,5,0,1,0,sales,low -0.11,0.83,6,282,4,0,1,0,sales,low -0.38,0.55,2,147,3,0,1,0,sales,low -0.09,0.95,6,304,4,0,1,0,sales,low -0.46,0.57,2,139,3,0,1,0,sales,low -0.4,0.53,2,158,3,0,1,0,sales,low -0.89,0.92,5,242,5,0,1,0,sales,low -0.82,0.87,4,239,5,0,1,0,sales,low -0.4,0.49,2,135,3,0,1,0,sales,low -0.41,0.46,2,128,3,0,1,0,accounting,low -0.38,0.5,2,132,3,0,1,0,accounting,low -0.09,0.62,6,294,4,0,1,0,accounting,low -0.45,0.57,2,134,3,0,1,0,hr,low -0.4,0.51,2,145,3,0,1,0,hr,low -0.45,0.55,2,140,3,0,1,0,hr,low -0.84,0.87,4,246,6,0,1,0,hr,low -0.1,0.94,6,255,4,0,1,0,technical,low -0.38,0.46,2,137,3,0,1,0,technical,low -0.45,0.5,2,126,3,0,1,0,technical,low -0.11,0.89,6,306,4,0,1,0,technical,low -0.41,0.54,2,152,3,0,1,0,technical,low -0.87,0.88,5,269,5,0,1,0,technical,low -0.45,0.48,2,158,3,0,1,0,technical,low -0.4,0.46,2,127,3,0,1,0,technical,low -0.1,0.8,7,281,4,0,1,0,technical,low -0.09,0.89,6,276,4,0,1,0,technical,low -0.84,0.74,3,182,4,0,1,0,technical,low -0.4,0.55,2,147,3,0,1,0,support,low -0.57,0.7,3,273,6,0,1,0,support,low -0.4,0.54,2,148,3,0,1,0,support,low -0.43,0.47,2,147,3,0,1,0,support,low -0.13,0.78,6,152,2,0,1,0,support,low -0.44,0.55,2,135,3,0,1,0,support,low -0.38,0.55,2,134,3,0,1,0,support,low -0.39,0.54,2,132,3,0,1,0,support,low -0.1,0.92,7,307,4,0,1,0,support,low -0.37,0.46,2,140,3,0,1,0,support,low -0.11,0.94,7,255,4,0,1,0,support,low -0.1,0.81,6,309,4,0,1,0,technical,low -0.38,0.54,2,128,3,0,1,0,technical,low -0.85,1,4,225,5,0,1,0,technical,low -0.85,0.91,5,226,5,0,1,0,management,medium -0.11,0.93,7,308,4,0,1,0,IT,medium -0.1,0.95,6,244,5,0,1,0,IT,medium -0.36,0.56,2,132,3,0,1,0,IT,medium -0.11,0.94,6,286,4,0,1,0,IT,medium -0.81,0.7,6,161,4,0,1,0,IT,medium -0.43,0.54,2,153,3,0,1,0,product_mng,medium -0.9,0.98,4,264,6,0,1,0,product_mng,medium -0.76,0.86,5,223,5,1,1,0,product_mng,medium -0.43,0.5,2,135,3,0,1,0,product_mng,medium -0.74,0.99,2,277,3,0,1,0,IT,medium -0.09,0.77,5,275,4,0,1,0,product_mng,medium -0.45,0.49,2,149,3,0,1,0,product_mng,high -0.09,0.87,7,295,4,0,1,0,product_mng,low -0.11,0.97,6,277,4,0,1,0,product_mng,medium -0.11,0.79,7,306,4,0,1,0,product_mng,medium -0.1,0.83,6,295,4,0,1,0,product_mng,medium -0.4,0.54,2,137,3,0,1,0,marketing,medium -0.43,0.56,2,157,3,0,1,0,sales,low -0.39,0.56,2,142,3,0,1,0,accounting,low -0.45,0.54,2,140,3,0,1,0,support,low -0.38,0.49,2,151,3,0,1,0,technical,low -0.79,0.59,4,139,3,0,1,1,management,low -0.84,0.85,4,249,6,0,1,0,marketing,low -0.11,0.77,6,291,4,0,1,0,marketing,low -0.11,0.87,6,305,4,0,1,0,marketing,low -0.17,0.84,5,232,3,0,1,0,sales,low -0.44,0.45,2,132,3,0,1,0,sales,low -0.37,0.57,2,130,3,0,1,0,sales,low -0.1,0.79,6,291,4,0,1,0,sales,low -0.4,0.5,2,130,3,0,1,0,sales,low -0.89,1,5,246,5,0,1,0,sales,low -0.42,0.48,2,143,3,0,1,0,sales,low -0.46,0.55,2,129,3,0,1,0,sales,low -0.09,0.83,6,255,4,0,1,0,sales,low -0.37,0.51,2,155,3,0,1,0,sales,low -0.1,0.77,6,265,4,0,1,0,sales,low -0.1,0.84,6,279,4,0,1,0,sales,low -0.11,0.97,6,284,4,0,1,0,sales,low -0.9,1,5,221,6,0,1,0,sales,medium -0.38,0.52,2,154,3,0,1,0,sales,medium -0.36,0.52,2,147,3,0,1,0,sales,medium -0.42,0.46,2,150,3,0,1,0,sales,medium -0.09,0.94,7,267,4,0,1,0,sales,medium -0.43,0.52,2,158,3,0,1,0,sales,medium -0.24,0.46,7,224,5,0,1,0,accounting,medium -0.91,1,4,257,5,0,1,0,accounting,medium -0.44,0.5,2,148,3,0,1,0,accounting,medium -0.71,0.87,3,177,4,0,1,0,hr,medium -0.4,0.49,2,155,3,0,1,0,hr,medium -0.43,0.47,2,144,3,0,1,0,hr,medium -0.09,0.85,6,289,4,0,1,0,hr,high -0.43,0.52,2,160,3,0,1,0,technical,low -0.9,0.96,4,258,5,0,1,0,technical,medium -0.84,1,5,234,5,0,1,0,technical,medium -0.37,0.48,2,137,3,0,1,0,technical,medium -0.86,0.68,5,263,2,0,1,0,technical,medium -0.11,0.84,6,251,4,0,1,0,technical,low -0.37,0.57,2,133,3,0,1,0,technical,low -0.4,0.46,2,132,3,0,1,0,technical,low -0.14,0.62,4,158,4,1,1,0,technical,low -0.4,0.46,2,135,3,0,1,0,technical,low -0.75,1,4,216,6,0,1,0,technical,low -0.11,0.84,6,300,5,1,1,0,support,low -0.46,0.49,2,138,3,0,1,0,support,low -0.11,0.92,6,260,4,0,1,0,support,low -0.38,0.49,2,132,3,0,1,0,support,low -0.7,0.89,3,183,5,0,1,0,support,low -0.09,0.82,6,250,4,0,1,0,support,low -0.37,0.45,2,151,3,0,1,0,support,low -0.1,0.83,6,292,4,0,1,0,support,low -0.38,0.57,2,140,3,0,1,0,support,low -0.9,1,5,221,5,0,1,0,support,low -0.44,0.51,2,138,3,0,1,0,support,low -0.36,0.5,2,132,3,0,1,0,technical,low -0.31,0.84,7,133,5,0,1,0,technical,low -0.1,0.84,6,283,4,1,1,0,technical,low -0.42,0.48,2,129,3,0,1,0,management,low -0.74,1,4,249,5,0,1,0,IT,low -0.73,0.87,5,257,5,0,1,0,IT,low -0.09,0.96,6,245,4,0,1,0,IT,low -0.45,0.53,2,155,3,0,1,0,IT,low -0.11,0.8,6,256,4,0,1,0,IT,low -0.37,0.47,2,152,3,0,1,0,product_mng,low -0.84,0.99,4,267,5,0,1,0,product_mng,low -0.41,0.46,2,151,3,0,1,0,product_mng,low -0.76,0.92,4,239,5,0,1,0,product_mng,low -0.11,0.87,6,306,4,0,1,0,IT,low -0.84,0.88,4,263,5,1,1,0,marketing,low -0.39,0.5,2,147,3,0,1,0,marketing,low -0.11,0.91,6,278,4,0,1,0,marketing,low -0.45,0.56,2,154,3,0,1,0,marketing,low -0.37,0.52,2,143,3,0,1,0,marketing,low -0.4,0.52,2,155,3,0,1,0,marketing,low -0.39,0.48,2,160,3,0,1,0,sales,low -0.11,0.8,6,304,4,0,1,0,accounting,low -0.83,1,5,240,5,0,1,0,support,low -0.11,0.92,6,305,4,0,1,0,technical,low -0.39,0.5,2,136,3,0,1,0,management,low -0.45,0.45,2,132,3,0,1,0,marketing,low -0.1,0.95,7,301,4,0,1,0,marketing,low -0.9,0.98,5,243,6,0,1,0,marketing,low -0.45,0.51,2,147,3,0,1,0,sales,low -0.79,0.89,5,239,5,0,1,0,sales,low -0.9,0.99,5,260,5,0,1,0,sales,low -0.11,0.84,7,296,4,0,1,0,sales,low -0.43,0.55,2,129,3,0,1,0,sales,low -0.31,0.54,5,132,5,0,1,0,sales,low -0.32,0.5,2,135,5,0,1,0,sales,low -0.45,0.57,2,158,3,0,1,0,sales,low -0.81,0.99,4,259,5,0,1,0,sales,low -0.41,0.46,2,160,3,0,1,1,sales,low -0.11,0.78,7,278,4,0,1,0,sales,low -0.1,0.88,6,284,4,0,1,0,sales,low -0.7,0.53,2,274,4,0,1,0,sales,low -0.54,0.74,4,164,2,0,1,0,sales,low -0.41,0.48,2,148,3,0,1,0,sales,low -0.38,0.5,2,140,3,0,1,0,sales,medium -0.37,0.51,2,127,3,0,1,0,sales,medium -0.11,0.85,6,308,5,0,1,0,sales,medium -0.4,0.47,2,146,3,0,1,0,sales,medium -0.1,0.84,6,261,4,0,1,0,accounting,medium -0.89,0.99,5,257,5,0,1,0,accounting,medium -0.11,0.8,6,285,4,0,1,0,accounting,medium -0.36,0.55,2,141,3,0,1,0,hr,medium -0.4,0.46,2,127,3,0,1,0,hr,medium -0.09,0.85,6,297,4,0,1,0,hr,medium -0.4,0.46,2,143,3,0,1,0,hr,medium -0.37,0.55,2,152,3,0,1,0,technical,medium -0.44,0.51,2,156,3,0,1,0,technical,high -0.09,0.8,7,283,5,0,1,0,technical,low -0.92,0.87,4,226,6,1,1,0,technical,medium -0.74,0.91,4,232,5,0,1,0,technical,medium -0.09,0.82,6,249,4,0,1,0,technical,medium -0.89,0.95,4,275,5,0,1,0,technical,medium -0.09,0.8,6,304,4,0,1,0,technical,low -0.27,0.54,7,278,3,0,1,0,technical,low -0.1,0.91,6,287,4,0,1,0,technical,low -0.1,0.89,7,285,4,0,1,0,technical,low -0.77,0.94,5,226,6,0,1,0,support,low -0.9,0.82,5,259,5,0,1,0,support,low -0.39,0.5,2,135,3,0,1,0,support,low -0.76,1,5,219,5,0,1,0,support,low -0.1,0.93,6,256,4,0,1,0,support,low -0.87,0.9,5,254,6,0,1,0,support,low -0.38,0.5,2,153,3,0,1,0,support,low -0.77,0.99,5,228,5,0,1,0,support,low -0.78,0.87,4,228,5,0,1,0,support,low -0.44,0.5,2,128,3,0,1,0,support,low -0.38,0.52,2,153,3,0,1,0,support,low -0.43,0.46,2,156,3,0,1,0,technical,low -0.39,0.5,4,294,3,0,1,0,technical,low -0.88,1,5,219,5,0,1,0,technical,low -0.45,0.46,2,153,3,0,1,0,management,low -0.4,0.53,2,151,3,0,1,0,IT,low -0.36,0.51,2,155,3,0,1,0,IT,low -0.36,0.48,2,158,3,0,1,0,IT,low -0.9,0.98,5,245,5,0,1,0,IT,low -0.43,0.53,2,131,3,0,1,0,IT,low -0.89,0.87,5,225,5,0,1,0,product_mng,low -0.1,0.84,6,286,4,0,1,0,product_mng,low -0.37,0.5,2,135,3,0,1,0,product_mng,low -0.37,0.51,2,153,3,0,1,0,product_mng,low -0.87,0.9,5,252,5,0,1,0,IT,low -0.4,0.56,2,149,3,0,1,0,accounting,low -0.9,0.97,4,258,5,0,1,0,accounting,low -0.37,0.46,2,158,3,0,1,0,hr,low -0.44,0.54,2,149,3,0,1,0,hr,low -0.85,0.95,5,236,5,0,1,0,hr,low -0.78,0.98,5,239,6,0,1,0,marketing,low -0.42,0.47,2,159,3,0,1,0,marketing,low -0.92,0.99,5,255,6,0,1,0,sales,low -0.11,0.83,6,244,4,0,1,0,accounting,low -0.42,0.56,2,134,3,0,1,0,support,low -0.48,0.57,4,270,4,0,1,0,technical,low -0.83,0.85,4,255,5,0,1,0,management,low -0.4,0.53,2,151,3,0,1,0,marketing,low -0.43,0.45,2,135,3,0,1,0,marketing,low -0.43,0.53,2,146,3,0,1,0,marketing,low -0.1,0.97,7,254,4,0,1,0,sales,low -0.1,0.87,7,289,4,0,1,0,sales,low -0.37,0.46,2,156,3,0,1,0,sales,low -0.38,0.53,2,156,3,0,1,0,sales,low -0.4,0.5,2,128,3,0,1,0,sales,low -0.89,0.86,5,275,5,0,1,0,sales,low -0.45,0.46,2,155,3,0,1,0,sales,low -0.37,0.48,2,159,3,0,1,0,sales,low -0.46,0.49,2,148,3,0,1,0,sales,low -0.87,0.91,4,228,5,0,1,0,sales,low -0.11,0.84,6,298,4,0,1,0,sales,low -0.79,0.87,5,261,5,0,1,0,sales,low -0.79,0.92,5,254,6,0,1,0,sales,low -0.19,0.59,7,192,3,0,1,0,sales,low -0.87,0.98,4,248,5,0,1,0,sales,low -0.6,0.92,2,258,5,0,1,0,sales,low -0.44,0.45,2,156,3,0,1,0,sales,medium -0.11,0.81,6,266,4,1,1,0,sales,medium -0.42,0.54,2,156,3,0,1,0,sales,medium -0.88,0.88,5,232,5,1,1,0,accounting,medium -0.11,0.84,6,287,4,0,1,0,accounting,medium -0.46,0.46,2,154,3,0,1,0,accounting,medium -0.82,0.97,5,263,5,0,1,0,hr,medium -0.44,0.56,2,131,3,0,1,0,hr,medium -0.11,0.78,6,260,4,0,1,0,hr,medium -0.42,0.5,2,139,3,0,1,0,hr,medium -0.84,0.93,4,251,5,0,1,0,technical,medium -0.11,0.95,6,286,4,0,1,0,technical,medium -0.45,0.53,2,129,3,0,1,0,technical,high -0.38,0.56,2,156,3,0,1,0,technical,low -0.38,0.86,6,139,6,0,1,0,technical,medium -0.44,0.51,2,127,3,0,1,0,technical,medium -0.11,0.84,6,251,4,0,1,0,technical,medium -0.81,0.93,5,270,5,0,1,0,technical,medium -0.09,0.96,6,296,4,0,1,0,technical,low -0.11,0.9,6,254,4,0,1,0,technical,low -0.81,0.95,5,238,6,0,1,0,technical,low -0.1,0.97,6,267,4,1,1,0,support,low -0.74,0.89,5,229,6,0,1,0,support,low -0.09,0.78,6,254,4,0,1,0,support,low -0.82,0.81,4,233,4,1,1,0,support,low -0.1,0.98,6,268,4,0,1,0,support,low -0.27,0.56,3,301,3,0,1,0,support,low -0.83,0.92,5,267,6,0,1,0,support,low -0.1,0.93,6,289,4,1,1,0,support,low -0.38,0.47,2,144,3,0,1,0,support,low -0.4,0.56,2,148,3,0,1,0,support,low -0.11,0.83,6,306,4,0,1,0,support,low -0.11,0.79,6,292,4,0,1,1,technical,low -0.82,0.91,5,232,5,0,1,0,technical,low -0.36,0.48,2,137,3,0,1,0,technical,low -0.4,0.46,2,128,3,0,1,0,management,low -0.87,0.84,5,231,5,0,1,0,IT,low -0.41,0.49,2,146,3,0,1,0,IT,low -0.11,0.91,6,308,4,1,1,0,IT,low -0.1,0.93,6,253,4,0,1,0,IT,medium -0.38,0.51,2,146,3,0,1,0,IT,medium -0.39,0.55,2,156,3,0,1,0,product_mng,medium -0.4,0.52,2,147,3,0,1,0,product_mng,medium -0.45,0.48,2,136,3,0,1,0,product_mng,medium -0.74,0.84,5,249,5,0,1,0,product_mng,medium -0.45,0.55,2,151,3,0,1,0,IT,medium -0.12,1,3,278,4,0,1,0,RandD,medium -0.1,0.77,7,250,5,0,1,0,RandD,medium -0.37,0.55,2,127,3,0,1,0,RandD,medium -0.89,0.87,5,255,5,0,1,0,RandD,medium -0.45,0.47,2,135,3,0,1,0,RandD,medium -0.37,0.46,2,149,3,0,1,0,marketing,high -0.11,0.81,5,287,4,0,1,0,sales,low -0.41,0.48,2,145,3,0,1,0,accounting,medium -0.1,0.94,6,285,4,0,1,0,support,medium -0.1,0.93,7,305,4,0,1,0,technical,medium -0.11,0.95,7,300,4,0,1,0,management,medium -0.4,0.54,2,139,3,0,1,0,marketing,low -0.41,0.49,2,130,3,0,1,0,marketing,low -0.1,0.81,6,268,4,0,1,0,marketing,low -0.73,0.86,4,245,6,0,1,0,sales,low -0.43,0.47,2,135,3,0,1,0,sales,low -0.37,0.46,2,153,3,0,1,0,sales,low -0.11,0.94,6,276,4,0,1,0,sales,low -0.4,0.46,2,130,3,0,1,0,sales,low -0.41,0.54,2,153,3,1,1,0,sales,low -0.82,0.84,5,244,5,0,1,0,sales,low -0.61,0.47,2,253,3,0,1,0,sales,low -0.11,0.91,7,287,4,0,1,0,sales,low -0.37,0.45,2,131,3,0,1,0,sales,low -0.41,0.52,2,135,3,0,1,0,sales,low -0.37,0.52,2,157,3,0,1,0,sales,low -0.88,0.99,5,262,6,0,1,0,sales,low -0.1,0.85,6,266,4,0,1,0,sales,low -0.44,0.48,2,148,3,0,1,0,sales,low -0.38,0.57,2,140,3,0,1,0,sales,low -0.11,0.85,7,302,4,0,1,0,sales,low -0.09,0.98,6,271,4,0,1,0,sales,low -0.45,0.52,2,145,3,0,1,0,sales,medium -0.1,0.81,6,290,4,0,1,0,accounting,medium -0.45,0.47,2,151,3,0,1,0,accounting,medium -0.77,0.87,5,266,5,0,1,0,accounting,medium -0.44,0.51,2,140,3,0,1,0,hr,medium -0.39,0.5,2,142,3,0,1,0,hr,medium -0.1,0.91,6,246,4,0,1,0,hr,medium -0.09,0.89,7,308,5,0,1,0,hr,medium -0.37,0.47,2,141,3,0,1,0,technical,medium -0.9,1,5,232,5,0,1,0,technical,medium -0.41,0.56,2,143,3,0,1,0,technical,medium -0.37,0.52,2,155,3,0,1,0,technical,medium -0.1,0.86,6,278,4,0,1,0,technical,high -0.81,1,4,253,5,0,1,0,technical,low -0.11,0.8,6,282,4,0,1,0,technical,medium -0.11,0.84,7,264,4,0,1,0,technical,medium -0.4,0.46,2,149,3,0,1,0,technical,medium -0.09,0.8,6,304,5,0,1,0,technical,medium -0.48,0.93,3,219,6,0,1,0,technical,low -0.91,0.91,4,262,6,0,1,0,support,low -0.43,0.57,2,135,3,0,1,0,support,low -0.33,0.88,6,219,5,0,1,0,support,low -0.41,0.57,2,136,3,0,1,0,support,low -0.41,0.55,2,154,3,0,1,0,support,low -0.37,0.54,2,149,3,0,1,0,support,low -0.31,0.62,6,135,5,0,1,0,support,low -0.09,0.91,6,275,4,0,1,0,support,low -0.1,0.87,6,290,4,0,1,0,support,low -0.76,0.9,4,263,5,0,1,0,support,low -0.41,0.54,2,145,3,0,1,0,support,low -0.72,0.96,5,267,5,0,1,0,technical,low -0.4,0.5,2,141,3,1,1,0,technical,low -0.91,0.87,4,235,5,0,1,0,technical,low -0.1,0.83,6,258,4,0,1,0,management,low -0.4,0.56,2,131,3,0,1,0,IT,low -0.82,0.86,5,243,5,0,1,0,IT,low -0.1,0.82,6,266,4,0,1,0,IT,low -0.37,0.45,2,142,3,0,1,0,IT,low -0.36,0.51,2,135,3,0,1,0,IT,low -0.39,0.48,2,141,3,0,1,0,product_mng,medium -0.36,0.57,2,142,3,0,1,0,product_mng,medium -0.86,0.84,5,254,5,0,1,0,product_mng,medium -0.73,0.99,5,262,5,0,1,0,product_mng,medium -0.56,0.71,4,296,2,0,1,0,IT,medium -0.44,0.56,2,158,3,0,1,0,accounting,medium -0.31,0.56,4,238,2,0,1,0,accounting,medium -0.77,0.93,4,231,5,0,1,0,hr,medium -0.44,0.45,2,156,3,0,1,0,hr,medium -0.38,0.46,2,145,3,0,1,0,hr,medium -0.45,0.48,2,144,3,0,1,0,marketing,medium -0.38,0.51,2,159,3,0,1,0,sales,medium -0.36,0.48,2,156,3,0,1,0,accounting,high -0.75,0.9,5,256,5,0,1,0,support,low -0.1,0.93,6,298,4,0,1,0,technical,medium -0.1,0.97,6,247,4,0,1,0,management,medium -0.45,0.5,2,157,3,0,1,0,marketing,medium -0.42,0.57,2,154,3,1,1,0,marketing,medium -0.78,1,4,253,5,0,1,0,marketing,low -0.45,0.55,2,148,3,0,1,0,sales,low -0.84,1,4,261,5,0,1,0,sales,low -0.11,0.93,6,282,4,0,1,0,sales,low -0.42,0.56,2,133,3,0,1,0,sales,low -0.45,0.46,2,128,3,0,1,0,sales,low -0.46,0.57,2,139,3,0,1,0,sales,low -0.09,0.79,6,293,5,0,1,0,sales,low -0.87,0.83,4,265,6,0,1,0,sales,low -0.1,0.87,6,250,4,0,1,0,sales,low -0.91,1,5,251,6,0,1,0,sales,low -0.76,0.92,4,246,5,0,1,0,sales,low -0.74,1,5,275,5,0,1,0,sales,low -0.92,0.93,5,240,5,0,1,0,sales,low -0.76,0.87,5,245,5,0,1,0,sales,low -0.47,0.5,4,254,4,0,1,0,sales,low -0.73,0.99,5,241,5,0,1,0,sales,low -0.09,0.94,6,257,4,0,1,0,sales,low -0.91,0.92,4,246,5,0,1,0,sales,low -0.82,0.98,4,233,5,0,1,0,sales,low -0.28,0.45,6,218,4,0,1,0,accounting,low -0.84,0.99,4,262,6,0,1,0,accounting,medium -0.45,0.53,2,138,3,0,1,0,accounting,medium -0.45,0.54,2,142,3,0,1,0,hr,medium -0.91,0.97,5,233,5,0,1,0,hr,medium -0.42,0.48,2,155,3,0,1,0,hr,medium -0.82,1,4,229,6,0,1,0,hr,medium -0.11,0.9,6,264,4,0,1,0,technical,medium -0.42,0.53,3,199,4,0,1,0,technical,medium -0.82,0.85,4,223,5,0,1,0,technical,medium -0.09,0.96,6,268,4,0,1,0,technical,medium -0.1,0.94,6,287,4,0,1,0,technical,medium -0.86,1,5,257,5,0,1,0,technical,medium -0.4,0.46,2,143,3,0,1,0,technical,high -0.45,0.46,2,130,3,0,1,0,technical,low -0.42,0.51,2,136,3,0,1,0,technical,medium -0.74,0.92,4,261,5,0,1,0,technical,medium -0.55,0.6,3,180,4,0,1,0,technical,medium -0.37,0.45,2,126,3,0,1,0,support,medium -0.41,0.52,2,127,3,1,1,0,support,low -0.89,0.65,5,195,6,0,1,0,support,low -0.41,0.57,2,160,3,0,1,0,support,low -0.44,0.51,2,150,3,0,1,0,support,low -0.87,0.84,4,264,6,0,1,0,support,low -0.1,0.84,6,309,4,0,1,0,support,low -0.41,0.47,2,135,3,0,1,0,support,low -0.11,0.85,6,261,4,0,1,0,support,low -0.43,0.53,2,160,3,0,1,0,support,low -0.77,0.9,4,237,5,0,1,0,support,low -0.41,0.52,2,136,3,0,1,0,technical,low -0.41,0.48,2,139,3,0,1,0,technical,low -0.36,0.78,2,151,4,0,1,0,technical,low -0.77,1,5,229,5,0,1,0,management,low -0.81,0.98,5,245,5,0,1,0,IT,low -0.39,0.54,2,127,3,0,1,0,IT,low -0.09,0.94,6,283,5,0,1,0,IT,low -0.44,0.46,2,143,3,0,1,0,IT,low -0.1,0.84,5,298,4,0,1,0,IT,low -0.36,0.48,2,159,3,0,1,0,product_mng,low -0.81,0.92,5,239,5,0,1,0,product_mng,low -0.81,0.9,4,226,5,0,1,0,product_mng,medium -0.85,0.98,5,248,5,0,1,0,product_mng,medium -0.1,0.87,6,286,4,0,1,0,IT,medium -0.37,0.54,2,145,3,0,1,0,RandD,medium -0.09,0.97,7,254,4,1,1,0,RandD,medium -0.44,0.53,2,127,3,0,1,0,RandD,medium -0.86,0.93,5,223,5,0,1,0,RandD,medium -0.77,1,4,255,5,0,1,0,RandD,medium -0.41,0.48,2,136,3,0,1,0,marketing,medium -0.4,0.48,2,137,3,0,1,0,sales,medium -0.43,0.49,2,135,3,0,1,0,accounting,medium -0.43,0.5,2,137,3,0,1,0,support,medium -0.8,0.53,3,255,5,0,1,0,technical,high -0.8,0.85,4,273,5,0,1,0,management,low -0.82,0.98,5,234,5,0,1,0,marketing,medium -0.37,0.54,2,152,3,0,1,0,marketing,medium -0.37,0.48,2,134,3,0,1,0,marketing,medium -0.09,0.95,6,292,4,0,1,0,sales,medium -0.9,0.92,5,245,5,0,1,0,sales,low -0.41,0.52,2,159,3,0,1,0,sales,low -0.1,0.85,6,260,4,0,1,0,sales,low -0.44,0.53,2,149,3,0,1,0,sales,low -0.89,0.85,5,266,5,0,1,0,sales,low -0.42,0.56,2,149,3,0,1,0,sales,low -0.87,1,5,242,5,0,1,0,sales,low -0.45,0.57,2,134,3,0,1,0,sales,low -0.11,0.87,5,271,4,0,1,0,sales,low -0.09,0.79,6,275,4,0,1,0,sales,low -0.76,0.83,5,227,5,0,1,0,sales,low -0.11,0.96,7,277,5,0,1,0,sales,low -0.37,0.49,2,151,3,0,1,0,sales,low -0.1,0.79,6,274,4,0,1,0,sales,low -0.77,0.87,4,242,6,0,1,0,sales,low -0.42,0.54,2,143,3,1,1,0,sales,low -0.38,0.52,2,145,3,0,1,0,sales,low -0.32,0.95,5,172,2,0,1,0,sales,low -0.38,0.49,2,135,3,0,1,0,accounting,low -0.19,1,4,192,4,0,1,0,accounting,low -0.1,0.83,7,276,4,0,1,0,accounting,low -0.76,0.88,4,206,4,0,1,0,hr,medium -0.53,0.56,4,281,6,0,1,0,hr,medium -0.39,0.51,2,151,3,0,1,0,hr,medium -0.11,0.83,6,244,4,0,1,0,hr,medium -0.1,0.94,6,309,4,0,1,0,technical,medium -0.84,1,5,218,5,0,1,0,technical,medium -0.82,0.99,4,263,6,0,1,0,technical,medium -0.1,0.82,6,244,4,0,1,0,technical,medium -0.59,0.49,7,263,4,0,1,0,technical,medium -0.44,0.48,2,143,3,0,1,0,technical,medium -0.89,0.95,2,181,5,0,1,0,technical,medium -0.91,0.84,5,265,5,0,1,0,technical,medium -0.66,0.57,5,161,5,0,1,0,technical,high -0.11,0.87,7,282,5,0,1,0,technical,low -0.43,0.51,2,155,3,0,1,0,technical,medium -0.78,0.83,4,217,6,0,1,0,support,medium -0.11,0.97,6,289,5,0,1,0,support,medium -0.83,0.98,4,259,5,0,1,0,support,medium -0.39,0.54,2,158,3,0,1,0,support,low -0.38,0.55,2,158,3,0,1,0,support,low -0.37,0.57,2,155,3,0,1,0,support,low -0.44,0.48,2,146,3,0,1,0,support,low -0.53,0.85,2,164,5,0,1,0,support,low -0.09,0.96,6,259,4,0,1,0,support,low -0.11,0.89,6,293,4,0,1,0,support,low -0.83,0.96,5,275,5,0,1,0,support,low -0.88,1,5,219,6,1,1,0,technical,low -0.1,0.89,6,247,4,0,1,0,technical,low -0.09,0.86,7,309,4,0,1,0,technical,low -0.44,0.54,2,151,3,0,1,0,management,low -0.39,0.51,2,129,3,0,1,0,IT,low -0.87,0.94,4,274,5,0,1,0,IT,low -0.74,0.99,4,233,5,0,1,0,IT,low -0.1,0.95,7,289,4,0,1,0,IT,low -0.74,0.82,4,239,6,0,1,0,IT,low -0.75,0.99,5,221,5,0,1,0,product_mng,low -0.41,0.56,2,150,3,0,1,0,product_mng,low -0.41,0.45,2,144,3,1,1,0,product_mng,low -0.09,0.9,7,289,4,0,1,0,product_mng,low -0.09,0.8,6,301,5,0,1,0,IT,medium -0.39,0.57,2,145,3,0,1,0,accounting,medium -0.4,0.56,2,137,3,0,1,0,accounting,medium -0.37,0.54,2,131,3,1,1,0,hr,medium -0.1,0.84,6,246,4,0,1,0,hr,medium -0.43,0.51,2,136,3,0,1,0,hr,medium -0.75,0.85,5,240,6,1,1,0,marketing,medium -0.37,0.56,2,156,3,0,1,0,sales,medium -0.11,0.85,6,305,4,0,1,0,accounting,medium -0.45,0.45,2,154,3,1,1,0,support,medium -0.87,1,5,261,5,1,1,0,technical,medium -0.11,0.94,7,244,4,0,1,0,management,medium -0.45,0.54,2,129,3,0,1,0,marketing,high -0.81,0.87,4,254,5,0,1,0,marketing,low -0.77,0.91,5,236,5,0,1,0,marketing,medium -0.89,0.92,5,237,5,0,1,0,sales,medium -0.43,0.49,2,135,3,0,1,0,sales,medium -0.78,1,5,236,5,0,1,0,sales,medium -0.37,0.47,2,149,3,0,1,0,sales,low -0.37,0.5,2,141,3,0,1,0,sales,low -0.85,0.82,4,270,5,0,1,0,sales,low -0.41,0.47,2,138,3,0,1,0,sales,low -0.11,0.96,6,298,4,0,1,0,sales,low -0.75,0.99,5,254,5,0,1,0,sales,low -0.82,0.85,5,248,5,0,1,0,sales,low -0.79,1,5,257,6,0,1,0,sales,low -0.43,0.53,2,150,3,0,1,0,sales,low -0.1,0.9,7,281,4,0,1,0,sales,low -0.46,0.48,2,141,3,1,1,0,sales,low -0.43,0.57,2,157,3,0,1,0,sales,low -0.43,0.55,2,136,3,0,1,0,sales,low -0.11,0.8,7,296,4,0,1,0,sales,low -0.09,0.86,6,279,4,0,1,0,sales,low -0.37,0.53,2,131,3,0,1,0,sales,low -0.4,0.57,2,160,3,0,1,0,accounting,low -0.1,0.77,7,291,4,0,1,0,accounting,low -0.41,0.53,2,157,3,0,1,0,accounting,low -0.79,0.58,3,294,4,0,1,0,hr,low -0.11,0.79,7,310,4,0,1,0,hr,low -0.1,0.97,6,282,4,0,1,0,hr,medium -0.44,0.51,2,134,3,0,1,0,hr,medium -0.25,0.46,4,214,4,0,1,0,technical,medium -0.44,0.52,2,137,3,0,1,0,technical,medium -0.73,1,4,252,5,0,1,0,technical,medium -0.75,0.97,5,243,6,0,1,0,technical,medium -0.36,0.47,2,148,3,0,1,0,technical,medium -0.37,0.49,2,151,3,0,1,0,technical,medium -0.39,0.49,2,129,3,0,1,0,technical,medium -0.48,0.78,2,198,2,0,1,0,technical,medium -0.57,0.72,4,275,6,0,1,0,technical,medium -0.9,0.96,5,243,5,0,1,0,technical,medium -0.39,0.55,2,159,3,0,1,0,technical,high -0.44,0.51,2,145,3,0,1,0,support,low -0.81,0.88,5,242,5,0,1,0,support,medium -0.74,0.87,5,242,5,0,1,0,support,medium -0.44,0.56,2,145,3,0,1,0,support,medium -0.41,0.56,2,154,3,0,1,1,support,medium -0.4,0.51,2,139,3,0,1,0,support,low -0.46,0.57,2,152,3,0,1,0,support,low -0.8,0.83,2,211,3,0,1,0,support,low -0.87,0.9,5,258,5,0,1,0,support,low -0.39,0.54,2,155,3,0,1,0,support,low -0.38,0.55,2,148,3,0,1,0,support,low -0.66,0.67,2,255,3,0,1,0,technical,low -0.1,0.8,6,264,4,0,1,0,technical,low -0.37,0.54,2,132,3,0,1,0,technical,low -0.1,0.77,6,255,4,0,1,0,management,low -0.09,0.87,5,263,4,0,1,0,IT,low -0.86,0.84,5,222,5,0,1,0,IT,low -0.11,0.9,6,263,4,0,1,0,IT,low -0.37,0.46,2,157,3,0,1,0,IT,low -0.11,0.92,7,307,4,0,1,0,IT,low -0.77,0.98,5,259,6,0,1,0,product_mng,low -0.84,0.94,5,222,6,0,1,0,product_mng,low -0.1,0.84,7,250,4,0,1,0,product_mng,low -0.83,0.9,5,245,5,0,1,0,product_mng,low -0.11,0.79,6,292,4,0,1,0,IT,low -0.86,0.92,5,252,5,0,1,0,RandD,low -0.38,0.56,2,161,3,0,1,0,RandD,medium -0.11,0.88,5,250,4,0,1,0,RandD,medium -0.45,0.49,2,134,3,0,1,0,RandD,medium -0.1,0.85,7,279,4,0,1,0,RandD,medium -0.09,0.95,7,256,4,0,1,0,marketing,medium -0.39,0.53,2,127,3,0,1,0,sales,medium -0.37,0.47,2,138,3,1,1,0,accounting,medium -0.81,0.97,5,243,5,0,1,0,support,medium -0.09,0.9,7,296,4,0,1,0,technical,medium -0.1,0.88,7,267,4,0,1,0,management,medium -0.39,0.49,2,144,3,0,1,0,marketing,medium -0.83,0.95,4,251,5,0,1,0,marketing,medium -0.45,0.57,2,148,3,0,1,0,marketing,high -0.43,0.51,2,141,3,0,1,0,sales,low -0.8,0.75,3,268,2,0,1,0,sales,medium -0.1,0.86,6,247,4,0,1,0,sales,medium -0.1,0.55,2,247,4,0,1,0,sales,medium -0.36,0.52,2,146,3,0,1,0,sales,medium -0.38,0.5,2,140,3,0,1,0,sales,low -0.78,0.98,5,263,6,0,1,0,sales,low -0.44,0.49,2,145,3,0,1,0,sales,low -0.41,0.46,2,156,3,1,1,0,sales,low -0.72,0.85,5,244,6,0,1,0,sales,low -0.46,0.54,2,144,3,0,1,0,sales,low -0.1,0.9,7,286,4,0,1,0,sales,low -0.34,0.67,4,141,2,0,1,0,sales,low -0.11,0.89,6,260,5,0,1,0,sales,low -0.38,0.56,2,154,3,0,1,0,sales,low -0.82,0.92,5,225,5,0,1,0,sales,low -0.39,0.57,2,127,3,0,1,0,sales,low -0.44,0.53,2,140,3,0,1,0,sales,low -0.43,0.52,2,147,3,0,1,0,sales,low -0.84,0.83,4,227,5,0,1,0,accounting,low -0.43,0.48,2,153,3,0,1,0,accounting,low -0.37,0.52,2,128,3,0,1,0,accounting,low -0.74,0.97,4,228,5,0,1,0,hr,low -0.73,0.97,5,235,5,0,1,0,hr,low -0.37,0.47,2,148,3,0,1,0,hr,low -0.58,0.62,4,238,3,0,1,0,hr,low -0.4,0.54,2,141,3,0,1,0,technical,medium -0.51,0.83,5,249,4,0,1,0,technical,medium -0.46,0.5,2,151,3,0,1,0,technical,medium -0.45,0.54,2,129,3,0,1,0,technical,medium -0.46,0.5,2,156,3,0,1,0,technical,medium -0.39,0.45,2,134,3,0,1,0,technical,medium -0.09,0.88,6,269,4,0,1,0,technical,medium -0.09,0.77,6,290,4,0,1,0,technical,medium -0.37,0.51,2,132,3,0,1,0,technical,medium -0.1,0.89,7,308,4,0,1,0,technical,medium -0.77,1,4,232,5,0,1,0,technical,medium -0.79,0.86,5,235,5,0,1,0,support,medium -0.43,0.55,2,130,3,0,1,0,support,high -0.38,0.53,2,146,3,0,1,0,support,low -0.77,0.91,5,221,6,0,1,0,support,medium -0.44,0.5,2,130,3,0,1,0,support,medium -0.39,0.46,2,136,3,0,1,0,support,medium -0.78,0.89,5,274,6,0,1,0,support,medium -0.1,0.79,6,256,5,0,1,0,support,low -0.1,0.77,5,276,4,0,1,0,support,low -0.75,0.85,5,267,5,0,1,0,support,low -0.46,0.62,6,213,3,0,1,0,support,low -0.91,0.97,4,274,6,0,1,0,technical,low -0.1,0.92,6,258,4,0,1,0,technical,low -0.72,0.6,3,153,5,0,1,0,technical,low -0.11,0.95,6,245,4,0,1,0,management,low -0.11,0.94,6,264,4,0,1,0,IT,low -0.46,0.57,2,154,3,0,1,0,IT,low -0.37,0.46,2,149,3,0,1,0,IT,low -0.46,0.5,2,157,3,0,1,0,IT,low -0.43,0.57,2,127,3,0,1,0,IT,low -0.11,0.82,6,270,4,0,1,0,product_mng,low -0.73,0.89,5,236,6,0,1,0,product_mng,low -0.43,0.47,2,158,3,0,1,0,product_mng,low -0.86,1,5,229,5,0,1,0,product_mng,low -0.1,0.83,6,269,4,0,1,0,IT,low -0.4,0.49,2,128,3,0,1,0,sales,low -0.11,0.87,7,278,4,0,1,0,sales,low -0.86,0.98,3,158,5,0,1,0,sales,low -0.42,1,3,202,3,0,1,0,sales,medium -0.79,0.84,4,240,5,0,1,0,sales,medium -0.1,0.96,7,255,4,0,1,0,marketing,medium -0.09,0.92,7,254,4,0,1,0,sales,medium -0.09,0.82,6,257,4,0,1,0,accounting,medium -0.87,1,4,228,5,0,1,0,support,medium -0.36,0.49,2,145,3,0,1,0,technical,medium -0.42,0.75,3,218,4,0,1,0,management,medium -0.84,0.86,5,268,5,0,1,0,marketing,medium -0.1,0.83,6,278,4,0,1,0,marketing,medium -0.78,0.71,3,249,5,0,1,0,marketing,medium -0.35,0.99,3,236,4,0,1,0,sales,medium -0.1,0.81,7,291,4,0,1,0,sales,high -0.11,0.8,6,306,4,0,1,0,sales,low -0.43,0.48,2,135,3,0,1,0,sales,medium -0.38,0.45,2,156,3,0,1,0,sales,medium -0.46,0.54,2,143,3,0,1,0,sales,medium -0.89,0.82,4,243,5,0,1,0,sales,medium -0.45,0.5,2,147,3,0,1,0,sales,low -0.44,0.53,2,159,3,0,1,0,sales,low -0.74,0.54,5,216,3,0,1,0,sales,low -0.45,0.54,2,152,3,0,1,0,sales,low -0.79,0.93,4,226,5,0,1,0,sales,low -0.79,0.91,5,271,5,0,1,0,sales,low -0.11,0.87,6,255,4,0,1,0,sales,low -0.42,0.48,2,140,3,0,1,0,sales,low -0.64,0.9,6,252,2,0,1,0,sales,low -0.4,0.55,2,159,3,0,1,0,sales,low -0.84,0.98,5,270,5,0,1,0,sales,low -0.73,0.92,5,232,5,0,1,0,sales,low -0.4,0.51,2,144,3,0,1,0,accounting,low -0.36,0.45,2,127,3,0,1,0,accounting,low -0.43,0.47,2,131,3,0,1,0,accounting,low -0.11,0.78,6,243,4,0,1,0,hr,low -0.91,1,5,244,6,0,1,0,hr,low -0.8,1,5,260,5,0,1,0,hr,low -0.42,0.49,2,139,3,0,1,0,hr,low -0.31,0.87,4,184,3,0,1,0,technical,low -0.44,0.47,2,130,3,0,1,0,technical,low -0.38,0.54,2,135,3,0,1,0,technical,medium -0.45,0.56,2,146,3,0,1,0,technical,medium -0.43,0.46,2,149,3,0,1,0,technical,medium -0.45,0.46,2,153,3,1,1,0,technical,medium -0.43,0.57,2,160,3,0,1,0,technical,medium -0.43,0.49,2,160,3,0,1,0,technical,medium -0.09,0.83,6,282,4,0,1,0,technical,medium -0.43,0.47,2,128,3,0,1,0,technical,medium -0.79,0.94,4,232,5,0,1,0,technical,medium -0.85,0.58,3,226,2,0,1,0,support,medium -0.38,0.45,2,129,3,0,1,0,support,medium -0.11,0.92,7,255,4,0,1,0,support,medium -0.83,0.99,5,258,5,0,1,0,support,high -0.81,0.91,4,229,5,0,1,0,support,low -0.42,0.56,2,143,3,0,1,0,support,medium -0.11,0.87,6,257,4,0,1,0,support,medium -0.11,0.85,7,275,4,0,1,0,support,medium -0.1,0.89,7,291,4,0,1,0,support,medium -0.5,0.54,5,153,4,0,1,0,support,low -0.44,0.49,2,154,3,0,1,0,support,low -0.11,0.9,6,301,4,0,1,0,technical,low -0.39,0.52,2,134,3,0,1,0,technical,low -0.11,0.78,6,245,4,0,1,0,technical,low -0.36,0.5,2,132,3,0,1,0,management,low -0.43,0.51,2,130,3,0,1,0,IT,low -0.4,0.5,2,127,3,0,1,0,IT,low -0.86,0.84,4,246,6,0,1,0,IT,low -0.38,0.49,2,145,3,0,1,0,IT,low -0.46,0.45,2,138,3,0,1,1,IT,low -0.37,0.57,2,129,3,0,1,0,product_mng,low -0.43,0.52,2,150,3,0,1,0,product_mng,low -0.66,0.93,5,253,5,0,1,0,product_mng,low -0.37,0.48,2,160,3,0,1,0,product_mng,low -0.77,0.92,5,235,5,0,1,0,IT,low -0.38,0.55,2,151,3,0,1,0,sales,low -0.39,0.54,2,127,3,0,1,0,sales,low -0.41,0.55,2,151,3,0,1,0,sales,low -0.1,0.9,7,290,4,0,1,0,sales,low -0.09,0.93,6,249,4,0,1,0,sales,low -0.41,0.47,2,131,3,0,1,0,marketing,medium -0.39,0.46,2,159,3,0,1,0,sales,medium -0.83,0.99,4,223,5,0,1,0,accounting,medium -0.09,0.87,3,214,2,0,1,0,support,medium -0.75,0.81,5,227,5,0,1,0,technical,medium -0.44,0.54,2,127,3,0,1,0,management,medium -0.1,0.84,6,293,5,0,1,0,marketing,medium -0.42,0.46,2,141,3,0,1,0,marketing,medium -0.1,0.83,6,300,4,0,1,0,marketing,medium -0.1,0.86,6,309,4,0,1,0,sales,medium -0.31,0.77,4,149,3,0,1,0,sales,medium -0.42,0.54,2,159,3,0,1,0,sales,medium -0.38,0.5,2,152,3,0,1,0,sales,high -0.39,0.57,2,158,3,0,1,0,sales,low -0.1,0.97,6,254,5,0,1,0,sales,medium -0.11,0.93,6,294,4,0,1,0,sales,medium -0.1,0.92,7,269,4,0,1,0,sales,medium -0.11,0.9,7,247,4,0,1,0,sales,medium -0.44,0.65,3,271,4,0,1,0,sales,low -0.91,0.96,4,232,5,0,1,0,sales,low -0.72,1,4,245,5,0,1,0,sales,low -0.36,0.46,2,132,3,0,1,0,sales,low -0.44,0.57,2,131,3,0,1,0,sales,low -0.85,0.99,5,248,5,0,1,0,sales,low -0.78,0.93,5,225,5,0,1,0,sales,low -0.39,0.46,2,156,3,0,1,0,sales,low -0.78,0.81,3,222,2,0,1,0,sales,low -0.1,0.92,6,243,4,1,1,0,sales,low -0.23,0.99,4,204,4,1,1,0,accounting,low -0.11,0.87,6,301,4,0,1,0,accounting,low -0.9,0.83,5,259,5,0,1,0,accounting,low -0.91,0.89,4,247,5,0,1,0,hr,low -0.11,0.79,7,295,4,0,1,0,hr,low -0.43,0.54,2,150,3,0,1,0,hr,low -0.45,0.49,2,151,3,0,1,0,hr,low -0.11,0.91,5,291,4,0,1,0,technical,low -0.11,0.93,6,253,4,1,1,0,technical,low -0.43,0.5,2,161,3,0,1,0,technical,low -0.91,0.97,4,251,6,0,1,0,technical,low -0.43,0.55,2,153,3,0,1,0,technical,medium -0.85,0.82,5,264,6,0,1,0,technical,medium -0.1,0.77,6,310,4,0,1,0,technical,medium -0.81,0.95,5,266,5,0,1,0,technical,medium -0.36,0.62,4,237,2,0,1,0,technical,medium -0.45,0.54,2,138,3,0,1,0,technical,medium -0.86,1,5,227,5,0,1,0,technical,medium -0.71,1,4,300,5,0,1,0,support,medium -0.11,0.97,7,310,4,0,1,0,support,medium -0.84,0.93,5,236,5,0,1,0,support,medium -0.09,0.97,7,288,4,0,1,0,support,medium -0.38,0.49,2,127,3,0,1,0,support,medium -0.15,0.55,6,139,4,0,1,0,support,high -0.1,0.92,7,253,4,1,1,0,support,low -0.8,0.97,4,218,5,1,1,0,support,medium -0.84,0.97,5,251,5,0,1,0,support,medium -0.11,0.87,6,264,4,0,1,0,support,medium -0.89,0.79,3,149,2,0,1,0,support,medium -0.45,0.51,2,138,3,0,1,0,technical,low -0.11,0.93,7,284,4,0,1,0,technical,low -0.74,0.93,5,244,5,0,1,0,technical,low -0.41,0.5,2,128,3,0,1,0,management,low -0.44,0.53,2,154,3,0,1,0,IT,low -0.37,0.56,2,138,3,0,1,0,IT,low -0.11,0.86,6,308,4,0,1,0,IT,low -0.1,0.93,6,269,4,0,1,0,IT,low -0.7,0.74,6,136,3,0,1,0,IT,low -0.59,1,2,160,5,0,1,0,product_mng,low -0.38,0.53,2,138,3,0,1,0,product_mng,low -0.72,0.95,4,220,5,0,1,0,product_mng,low -0.73,1,5,274,5,0,1,0,product_mng,low -0.39,0.48,2,161,3,0,1,0,IT,low -0.89,0.82,5,224,6,0,1,0,RandD,low -0.89,1,4,260,5,0,1,0,RandD,low -0.11,0.78,6,300,4,1,1,0,RandD,low -0.43,0.56,2,133,3,0,1,0,RandD,low -0.09,0.93,6,308,4,0,1,0,RandD,low -0.81,0.9,5,238,6,0,1,0,marketing,low -0.37,0.53,2,126,3,0,1,0,sales,low -0.36,0.56,2,138,3,0,1,0,accounting,medium -0.11,0.85,6,299,4,0,1,0,support,medium -0.1,0.85,6,254,4,0,1,0,technical,medium -0.66,0.47,7,156,2,0,1,0,management,medium -0.39,0.47,2,152,3,0,1,0,marketing,medium -0.44,0.51,2,146,3,0,1,0,marketing,medium -0.1,0.84,6,253,4,0,1,0,marketing,medium -0.79,0.94,5,227,6,0,1,0,sales,medium -0.1,0.81,6,301,4,1,1,0,sales,medium -0.54,0.94,6,294,3,0,1,0,sales,medium -0.37,0.47,2,151,3,0,1,0,sales,medium -0.37,0.57,2,128,3,0,1,0,sales,medium -0.82,0.89,5,217,5,0,1,0,sales,high -0.45,0.52,2,160,3,0,1,0,sales,low -0.79,0.9,5,263,5,0,1,0,sales,medium -0.42,0.56,2,156,3,0,1,0,sales,medium -0.1,0.85,6,273,4,0,1,0,sales,medium -0.11,0.78,6,303,4,0,1,0,sales,medium -0.74,1,4,253,5,0,1,0,sales,low -0.1,0.93,6,270,4,0,1,0,sales,low -0.79,1,4,218,5,0,1,0,sales,low -0.43,0.48,2,144,3,0,1,0,sales,low -0.41,0.47,2,154,3,0,1,0,sales,low -0.39,0.55,2,146,3,0,1,0,sales,low -0.1,0.94,6,260,4,0,1,0,sales,low -0.82,0.85,5,218,5,0,1,0,sales,low -0.41,0.46,2,128,3,0,1,0,accounting,low -0.42,0.56,2,128,3,0,1,0,accounting,low -0.74,0.88,4,248,6,0,1,0,accounting,low -0.38,0.57,2,152,3,1,1,0,hr,low -0.39,0.56,2,126,3,0,1,0,hr,low -0.87,0.94,4,260,5,0,1,0,hr,low -0.1,0.9,5,263,4,0,1,0,hr,low -0.78,1,5,220,5,0,1,0,technical,low -0.14,0.73,7,282,5,0,1,0,technical,low -0.11,0.94,6,277,5,0,1,0,technical,low -0.91,0.94,5,257,5,0,1,0,technical,low -0.49,0.63,6,265,3,0,1,0,technical,low -0.38,0.47,2,143,3,0,1,0,technical,low -0.82,0.97,5,263,5,0,1,0,technical,medium -0.38,0.88,3,154,4,0,1,0,technical,medium -0.89,1,5,253,5,0,1,0,technical,medium -0.11,0.79,6,294,4,0,1,0,technical,medium -0.37,0.51,2,128,3,0,1,0,technical,medium -0.38,0.5,2,153,3,0,1,0,support,medium -0.78,0.87,5,256,5,0,1,0,support,medium -0.41,0.51,2,127,3,0,1,0,support,medium -0.41,0.51,2,137,3,0,1,0,support,medium -0.11,0.83,6,295,4,0,1,0,support,medium -0.11,0.79,6,281,4,0,1,0,support,medium -0.43,0.57,2,131,3,1,1,0,support,medium -0.75,0.86,5,237,5,0,1,0,support,high -0.74,0.99,4,276,5,0,1,0,support,low -0.85,0.85,5,267,5,0,1,0,support,medium -0.73,0.92,5,266,5,0,1,0,support,medium -0.1,0.79,6,294,4,0,1,0,technical,medium -0.44,0.56,2,134,3,0,1,0,technical,medium -0.3,0.56,3,309,4,1,1,0,technical,low -0.11,0.77,7,273,4,0,1,0,management,low -0.84,0.83,5,238,5,0,1,0,IT,low -0.78,0.94,5,271,6,0,1,0,IT,low -0.43,0.53,2,145,3,0,1,0,IT,low -0.36,0.55,2,152,3,0,1,0,IT,low -0.43,0.47,2,128,3,0,1,0,IT,low -0.45,0.46,2,142,3,0,1,0,product_mng,low -0.76,0.93,5,238,5,0,1,0,product_mng,low -0.1,0.78,7,286,4,0,1,0,product_mng,low -0.09,0.86,6,291,4,0,1,0,product_mng,low -0.92,1,5,259,5,0,1,0,IT,low -0.92,0.9,5,248,5,0,1,0,sales,low -0.79,0.98,4,271,5,0,1,0,sales,low -0.43,0.51,2,140,3,0,1,0,sales,low -0.8,0.95,4,274,5,0,1,0,sales,low -0.44,0.49,2,127,3,1,1,0,sales,low -0.89,0.87,5,275,6,0,1,0,marketing,low -0.48,0.88,3,239,3,0,1,0,sales,low -0.11,0.82,6,304,4,1,1,0,accounting,low -0.38,0.55,2,145,3,0,1,0,support,low -0.11,0.85,6,259,4,0,1,0,technical,medium -0.82,0.86,4,264,5,0,1,0,management,medium -0.37,0.45,2,160,3,0,1,0,marketing,medium -0.4,0.48,2,138,3,0,1,0,marketing,medium -0.43,0.47,2,137,3,0,1,0,marketing,medium -0.44,0.5,2,156,3,0,1,0,sales,medium -0.42,0.56,2,147,3,0,1,0,sales,medium -0.11,0.8,7,243,4,0,1,0,sales,medium -0.78,0.87,4,236,5,0,1,0,sales,medium -0.46,0.86,2,212,4,0,1,0,sales,medium -0.77,0.91,5,261,6,0,1,0,sales,medium -0.83,0.82,4,243,5,0,1,0,sales,medium -0.32,0.58,5,271,5,0,1,0,sales,high -0.9,0.92,5,154,4,0,1,0,sales,low -0.42,0.52,2,151,3,0,1,0,sales,medium -0.1,0.96,6,254,4,1,1,0,sales,medium -0.1,0.91,6,285,4,0,1,0,sales,medium -0.44,0.49,2,130,3,0,1,0,sales,medium -0.1,0.95,7,301,4,0,1,0,sales,low -0.11,0.8,6,286,4,0,1,0,sales,low -0.1,0.89,6,246,4,0,1,0,sales,low -0.39,0.47,2,135,3,0,1,0,sales,low -0.92,0.92,4,245,5,0,1,0,sales,low -0.43,0.56,2,136,3,0,1,0,sales,low -0.11,0.89,6,301,4,0,1,0,accounting,low -0.81,1,5,235,5,0,1,0,accounting,low -0.11,0.85,7,272,4,0,1,0,accounting,low -0.87,1,5,274,5,0,1,0,hr,low -0.37,0.46,2,131,3,0,1,0,hr,low -0.39,0.56,2,135,3,0,1,0,hr,low -0.61,0.86,4,196,4,0,1,0,hr,low -0.11,0.95,6,285,4,0,1,0,technical,low -0.09,0.9,7,289,5,0,1,0,technical,low -0.36,0.52,2,157,3,0,1,0,technical,low -0.09,0.94,6,308,4,0,1,0,technical,low -0.41,0.71,4,301,5,0,1,0,technical,low -0.4,0.46,2,131,3,0,1,0,technical,low -0.1,0.91,6,262,5,1,1,0,technical,low -0.46,0.53,2,143,3,1,1,0,technical,low -0.39,0.57,2,133,3,0,1,0,technical,medium -0.41,0.5,2,153,3,0,1,0,technical,medium -0.1,0.94,7,281,4,0,1,0,technical,medium -0.39,0.51,2,132,3,0,1,0,support,medium -0.73,0.83,5,270,5,1,1,0,support,medium -0.41,0.45,2,150,3,0,1,0,support,medium -0.37,0.51,2,140,3,0,1,0,support,medium -0.38,0.5,2,150,3,1,1,0,support,medium -0.8,0.63,5,180,5,0,1,0,support,medium -0.09,0.85,5,281,4,0,1,0,support,medium -0.85,0.92,4,275,5,0,1,0,support,medium -0.42,0.54,2,130,3,0,1,0,support,medium -0.41,0.48,2,130,3,0,1,0,support,high -0.38,0.46,2,147,3,0,1,0,support,low -0.72,1,5,264,5,0,1,0,technical,medium -0.11,0.74,6,290,5,0,1,0,technical,medium -0.37,0.47,2,150,3,0,1,0,technical,medium -0.1,0.81,6,304,4,0,1,0,management,medium -0.36,0.54,2,136,3,0,1,0,IT,low -0.92,0.94,5,307,5,0,1,0,IT,low -0.11,0.87,5,303,4,0,1,0,IT,low -0.39,0.56,2,156,3,0,1,0,IT,low -0.11,0.95,6,271,4,0,1,0,IT,low -0.45,0.45,2,140,3,0,1,0,product_mng,low -0.44,0.55,2,130,3,1,1,0,product_mng,low -0.85,0.97,4,266,6,0,1,0,product_mng,low -0.43,0.52,2,139,3,0,1,0,product_mng,low -0.75,0.86,5,260,5,0,1,0,IT,low -0.11,0.55,2,137,3,1,1,0,RandD,low -0.36,0.5,2,158,3,0,1,0,RandD,low -0.1,0.79,6,249,4,0,1,0,RandD,low -0.74,0.89,5,259,5,0,1,0,RandD,low -0.4,0.46,2,144,3,0,1,0,RandD,low -0.09,0.77,6,244,4,0,1,0,marketing,low -0.76,0.91,4,219,5,0,1,0,sales,low -0.45,0.57,2,151,3,0,1,0,accounting,low -0.84,0.88,4,269,5,0,1,0,support,low -0.38,0.45,2,127,3,0,1,0,technical,low -0.38,0.46,2,144,3,0,1,0,management,low -0.38,0.54,2,157,3,0,1,0,marketing,medium -0.86,0.94,5,224,5,0,1,0,marketing,medium -0.37,0.46,2,155,3,0,1,0,marketing,medium -0.37,0.5,2,131,3,0,1,0,sales,medium -0.87,1,4,258,5,1,1,1,sales,medium -0.11,0.85,6,267,4,0,1,0,sales,medium -0.42,0.5,2,141,3,0,1,0,sales,medium -0.43,0.48,2,160,3,0,1,0,sales,medium -0.09,0.8,6,247,4,0,1,0,sales,medium -0.54,0.56,4,260,3,0,1,0,sales,medium -0.4,0.47,2,151,3,0,1,0,sales,medium -0.36,0.52,2,137,3,1,1,0,sales,medium -0.87,0.9,4,256,5,0,1,0,sales,high -0.75,0.88,4,239,5,0,1,0,sales,low -0.43,0.53,2,152,3,0,1,0,sales,medium -0.43,0.47,2,149,3,0,1,0,sales,medium -0.1,0.87,6,284,4,0,1,0,sales,medium -0.11,0.78,7,248,4,0,1,0,sales,medium -0.44,0.53,2,156,3,0,1,0,sales,low -0.39,0.48,2,138,3,0,1,0,sales,low -0.4,0.55,2,155,3,0,1,0,sales,low -0.92,0.87,4,229,6,0,1,0,sales,low -0.36,0.47,2,136,3,0,1,0,accounting,low -0.86,0.95,4,241,5,0,1,0,accounting,low -0.74,0.87,5,258,5,0,1,0,accounting,low -0.8,0.95,3,146,5,0,1,0,hr,low -0.36,0.48,2,145,3,0,1,0,hr,low -0.42,0.57,2,159,3,0,1,0,hr,low -0.42,0.47,2,129,3,0,1,0,hr,low -0.4,0.45,2,142,3,0,1,0,technical,low -0.46,0.53,2,129,3,0,1,0,technical,low -0.09,0.9,6,287,4,0,1,0,technical,low -0.88,0.89,4,275,5,0,1,0,technical,low -0.1,0.82,6,272,4,0,1,0,technical,low -0.1,0.97,6,307,4,0,1,0,technical,low -0.11,0.93,4,295,3,0,1,0,technical,low -0.84,0.88,5,237,5,0,1,0,technical,low -0.42,0.56,2,158,3,0,1,0,technical,low -0.1,0.86,6,266,4,1,1,0,technical,low -0.1,0.95,6,256,4,0,1,0,technical,medium -0.46,0.54,2,158,3,0,1,0,support,medium -0.09,0.97,7,268,4,0,1,0,support,medium -0.89,1,4,237,5,0,1,0,support,medium -0.82,1,4,273,6,0,1,0,support,medium -0.11,0.89,6,309,4,0,1,0,support,medium -0.81,0.84,5,258,5,0,1,0,support,medium -0.81,0.94,5,233,6,0,1,0,support,medium -0.77,1,4,249,6,0,1,0,support,medium -0.63,0.94,3,179,2,0,1,0,support,medium -0.4,0.57,2,128,3,0,1,0,support,medium -0.86,1,4,250,6,0,1,0,support,medium -0.37,0.49,2,151,3,0,1,0,technical,high -0.44,0.5,2,132,3,0,1,0,technical,low -0.74,0.89,5,232,6,0,1,0,technical,medium -0.79,1,4,229,5,1,1,0,management,medium -0.09,0.92,6,261,4,0,1,0,IT,medium -0.37,0.48,2,129,3,0,1,0,IT,medium -0.09,0.78,6,244,4,0,1,0,IT,low -0.09,0.84,6,258,4,0,1,0,IT,low -0.1,0.8,7,292,5,0,1,0,IT,low -0.45,0.56,2,143,3,0,1,0,product_mng,low -0.4,0.51,2,136,3,0,1,0,product_mng,low -0.31,0.95,6,235,5,0,1,0,product_mng,low -0.7,0.93,2,310,3,0,1,0,product_mng,low -0.36,0.48,2,152,3,0,1,0,IT,low -0.34,0.97,6,157,5,1,1,0,RandD,low -0.87,0.83,5,267,5,0,1,0,RandD,low -0.11,0.91,6,302,4,0,1,0,RandD,low -0.47,0.81,4,133,3,0,1,0,RandD,low -0.43,0.52,2,142,3,0,1,0,RandD,low -0.43,0.47,2,129,3,0,1,0,marketing,low -0.45,0.57,2,136,3,0,1,0,sales,low -0.74,1,5,223,5,0,1,0,accounting,low -0.1,0.89,6,244,4,1,1,0,support,low -0.78,0.87,5,243,5,0,1,0,technical,low -0.9,0.95,5,275,3,0,1,0,management,low -0.53,0.95,6,205,4,0,1,0,marketing,low -0.45,0.54,2,154,3,0,1,0,marketing,low -0.86,0.83,4,270,5,0,1,0,marketing,medium -0.74,0.89,4,267,5,0,1,0,sales,medium -0.09,0.79,6,276,4,0,1,0,sales,medium -0.8,0.95,5,244,5,0,1,0,sales,medium -0.46,0.53,2,128,3,0,1,0,sales,medium -0.86,0.95,5,269,6,0,1,0,sales,medium -0.86,0.95,4,238,5,0,1,0,sales,medium -0.9,0.91,4,269,5,0,1,0,sales,medium -0.87,0.88,5,231,6,0,1,0,sales,medium -0.83,0.94,4,267,5,0,1,0,sales,medium -0.77,0.83,4,245,5,0,1,0,sales,medium -0.77,1,4,272,5,0,1,0,sales,medium -0.9,0.86,5,254,5,0,1,0,sales,high -0.73,0.92,4,273,5,0,1,0,sales,low -0.91,0.9,4,250,5,0,1,0,sales,medium -0.36,0.53,2,133,3,0,1,0,sales,medium -0.38,0.54,2,150,3,0,1,0,sales,medium -0.44,0.46,2,157,3,0,1,0,sales,medium -0.73,1,5,230,5,0,1,0,sales,low -0.89,0.91,5,260,5,0,1,0,sales,low -0.11,0.77,6,275,4,0,1,0,accounting,low -0.1,0.77,7,308,4,0,1,0,accounting,low -0.37,0.46,2,129,3,0,1,0,accounting,low -0.38,0.48,2,134,3,0,1,0,hr,low -0.42,0.48,2,132,3,0,1,0,hr,low -0.44,0.46,2,153,3,0,1,0,hr,low -0.11,0.83,6,262,4,0,1,0,hr,low -0.09,0.97,7,262,4,0,1,0,technical,low -0.43,0.47,2,130,3,0,1,0,technical,low -0.38,0.52,2,156,3,0,1,0,technical,low -0.11,0.89,6,254,4,0,1,0,technical,low -0.37,0.49,2,130,3,0,1,0,technical,low -0.44,0.57,2,139,3,0,1,0,technical,low -0.72,0.82,5,269,5,0,1,0,technical,low -0.1,0.91,7,297,4,0,1,0,technical,low -0.73,0.86,5,249,5,0,1,0,technical,low -0.09,0.82,7,267,4,0,1,0,technical,low -0.44,0.46,2,149,3,0,1,0,technical,low -0.09,0.82,6,251,4,0,1,0,support,low -0.1,0.87,6,306,4,0,1,0,support,medium -0.11,0.86,6,279,4,0,1,0,support,medium -0.42,0.46,2,131,3,0,1,0,support,medium -0.09,0.85,6,260,4,0,1,0,support,medium -0.72,0.88,5,249,5,0,1,0,support,medium -0.75,0.97,4,245,5,0,1,0,support,medium -0.44,0.5,2,138,3,0,1,0,support,medium -0.11,0.91,6,278,4,0,1,0,support,medium -0.38,0.47,2,147,3,0,1,0,support,medium -0.39,0.57,2,131,3,0,1,0,support,medium -0.1,0.9,7,301,4,0,1,0,technical,medium -0.43,0.52,2,141,3,0,1,0,technical,medium -0.39,0.57,2,158,3,0,1,0,technical,high -0.88,0.87,4,235,6,0,1,0,management,low -0.1,0.85,7,261,4,0,1,0,IT,medium -0.1,0.89,5,270,4,0,1,0,IT,medium -0.11,0.93,6,290,4,0,1,0,IT,medium -0.37,0.47,2,149,3,0,1,0,IT,medium -0.37,0.48,2,160,3,0,1,0,IT,low -0.77,0.87,4,150,4,0,1,0,product_mng,low -0.91,0.94,5,218,6,0,1,0,product_mng,low -0.46,0.51,2,155,3,0,1,0,product_mng,low -0.11,0.87,6,291,4,0,1,0,product_mng,low -0.86,0.91,5,265,5,0,1,0,IT,low -0.87,0.88,5,262,6,0,1,0,sales,low -0.09,0.92,6,303,5,0,1,0,sales,low -0.42,0.46,2,132,3,0,1,0,sales,low -0.82,0.83,4,245,5,1,1,0,sales,low -0.46,0.48,2,129,3,0,1,0,sales,low -0.88,1,5,226,6,0,1,0,marketing,low -0.1,0.91,6,286,4,0,1,0,marketing,low -0.43,0.45,2,140,3,0,1,0,sales,low -0.37,0.49,2,153,3,0,1,0,accounting,low -0.8,0.95,5,217,5,0,1,0,support,low -0.83,0.95,5,258,5,0,1,0,technical,low -0.39,0.57,2,156,3,0,1,0,management,low -0.77,0.92,5,255,5,0,1,0,marketing,low -0.43,0.46,2,129,3,0,1,0,marketing,low -0.79,0.96,4,234,5,0,1,0,marketing,low -0.39,0.55,2,152,3,1,1,0,sales,medium -0.1,0.88,7,300,4,0,1,0,sales,medium -0.39,0.53,2,131,3,0,1,0,sales,medium -0.11,0.89,6,301,4,0,1,0,sales,medium -0.4,0.51,2,156,3,0,1,0,sales,medium -0.42,0.52,2,141,3,1,1,0,sales,medium -0.57,0.85,4,219,2,1,1,0,sales,medium -0.11,0.95,7,269,5,0,1,0,sales,medium -0.36,0.73,4,276,2,0,1,0,sales,medium -0.11,0.94,7,302,4,0,1,0,sales,medium -0.35,0.8,6,281,2,0,1,0,sales,medium -0.78,0.99,5,241,5,0,1,0,sales,medium -0.11,0.93,7,288,4,0,1,0,sales,high -0.1,0.96,6,303,4,0,1,0,sales,low -0.42,0.54,2,135,3,0,1,0,sales,medium -0.43,0.5,2,127,3,1,1,0,sales,medium -0.79,0.84,5,245,5,0,1,0,sales,medium -0.45,0.45,2,145,3,0,1,0,sales,medium -0.09,0.91,6,248,4,0,1,0,sales,low -0.11,0.91,6,302,4,0,1,0,accounting,low -0.45,0.49,2,144,3,0,1,0,accounting,low -0.11,0.91,6,272,4,0,1,0,accounting,low -0.09,0.8,6,294,4,0,1,0,hr,low -0.78,0.71,4,296,3,0,1,0,hr,low -0.38,0.5,2,151,3,1,1,0,hr,low -0.82,0.82,4,249,5,0,1,0,hr,low -0.85,0.89,4,221,5,0,1,0,technical,low -0.45,0.46,2,146,3,0,1,0,technical,low -0.77,0.89,5,243,5,0,1,0,technical,low -0.39,0.5,2,127,3,0,1,0,technical,low -0.91,0.9,4,245,5,0,1,0,technical,low -0.11,0.77,6,264,4,0,1,0,technical,low -0.46,0.45,2,143,3,0,1,0,technical,low -0.43,0.49,2,135,3,0,1,0,technical,low -0.11,0.96,6,262,4,1,1,0,technical,low -0.1,0.93,6,299,4,0,1,0,technical,low -0.09,0.8,5,279,4,0,1,0,technical,low -0.36,0.51,2,155,3,0,1,0,support,low -0.11,0.89,6,264,4,0,1,0,support,low -0.09,0.77,6,256,5,0,1,0,support,medium -0.44,0.51,2,129,3,0,1,0,support,medium -0.73,0.97,5,217,6,0,1,0,support,medium -0.21,0.58,7,203,5,0,1,0,support,medium -0.8,0.85,4,264,5,0,1,0,support,medium -0.37,0.55,2,159,3,0,1,0,support,medium -0.79,0.96,5,218,5,0,1,0,support,medium -0.09,0.8,6,298,4,0,1,0,support,medium -0.75,0.74,6,134,3,0,1,0,support,medium -0.83,1,5,263,5,0,1,0,technical,medium -0.1,0.77,5,252,4,0,1,0,technical,medium -0.44,0.55,2,136,3,0,1,0,technical,medium -0.42,0.97,6,259,4,0,1,0,management,high -0.43,0.56,2,158,3,0,1,0,IT,low -0.09,0.84,7,307,4,0,1,0,IT,medium -0.44,0.53,2,152,3,0,1,0,IT,medium -0.81,0.98,5,237,5,0,1,0,IT,medium -0.1,0.79,7,284,4,0,1,0,IT,medium -0.1,0.93,6,243,4,0,1,0,product_mng,low -0.11,0.83,6,268,4,0,1,0,product_mng,low -0.09,0.77,6,244,4,0,1,0,product_mng,low -0.75,0.83,5,262,5,0,1,0,product_mng,low -0.38,0.55,2,134,3,0,1,0,IT,low -0.09,0.87,7,278,4,0,1,0,IT,low -0.74,0.97,5,238,5,0,1,0,IT,low -0.44,0.56,2,127,3,0,1,0,IT,low -0.76,0.95,4,259,5,0,1,0,RandD,low -0.42,0.56,2,146,3,0,1,0,RandD,low -0.75,1,4,243,5,0,1,0,RandD,low -0.36,0.52,2,137,3,0,1,0,marketing,low -0.75,0.93,5,229,5,0,1,0,sales,low -0.4,0.46,2,134,3,0,1,0,accounting,low -0.75,0.89,4,228,5,0,1,0,support,low -0.09,0.84,6,301,4,0,1,0,technical,low -0.39,0.46,2,127,3,0,1,0,management,low -0.4,0.48,2,142,3,0,1,0,marketing,low -0.39,0.54,2,131,3,0,1,0,marketing,low -0.1,0.85,7,310,5,0,1,0,marketing,low -0.42,0.55,2,148,3,0,1,0,sales,low -0.37,0.52,2,143,3,0,1,0,sales,medium -0.11,0.98,6,250,4,0,1,0,sales,medium -0.09,0.88,7,265,4,0,1,0,sales,medium -0.41,0.54,2,152,3,0,1,0,sales,medium -0.42,0.49,2,145,3,0,1,0,sales,medium -0.4,0.49,2,140,3,0,1,0,sales,medium -0.36,0.47,2,129,3,0,1,0,sales,medium -0.74,0.9,4,226,5,0,1,0,sales,medium -0.66,1,5,269,5,0,1,0,sales,medium -0.38,0.47,2,152,3,0,1,0,sales,medium -0.43,0.51,2,132,3,0,1,0,sales,medium -0.43,0.53,2,148,3,0,1,0,sales,medium -0.1,0.85,6,297,5,0,1,0,sales,high -0.82,0.85,4,274,5,0,1,0,sales,low -0.1,0.77,6,280,4,0,1,0,sales,medium -0.1,0.93,6,288,4,0,1,0,sales,medium -0.43,0.49,2,155,3,0,1,0,sales,medium -0.09,0.94,7,247,4,0,1,0,sales,medium -0.41,0.54,2,138,3,0,1,0,accounting,low -0.1,0.82,7,284,4,0,1,0,accounting,low -0.88,0.92,4,225,5,0,1,0,accounting,low -0.43,0.57,2,151,3,1,1,0,hr,low -0.42,0.5,2,155,3,0,1,0,hr,low -0.85,1,4,234,5,0,1,0,hr,low -0.38,0.49,2,144,3,0,1,0,hr,low -0.39,0.47,2,142,3,0,1,0,technical,low -0.41,0.48,2,126,3,0,1,0,technical,low -0.88,0.92,4,233,6,0,1,0,technical,low -0.78,0.96,4,241,5,0,1,0,technical,low -0.45,0.48,2,138,3,0,1,0,technical,low -0.09,0.95,6,260,4,1,1,0,technical,low -0.44,0.56,2,145,3,0,1,0,technical,low -0.11,0.84,6,252,4,0,1,0,technical,low -0.36,0.51,2,143,3,0,1,0,technical,low -0.86,0.98,4,270,5,0,1,0,technical,low -0.1,0.92,6,285,4,0,1,0,technical,low -0.45,0.53,2,149,3,0,1,0,support,low -0.42,0.53,2,158,3,0,1,0,support,low -0.36,0.55,2,134,3,0,1,0,support,low -0.45,0.55,2,129,3,0,1,0,support,medium -0.38,0.57,2,131,3,0,1,0,support,medium -0.11,0.97,6,288,4,0,1,0,support,medium -0.45,0.46,2,142,3,0,1,0,support,medium -0.87,0.95,5,227,5,0,1,0,support,medium -0.45,0.53,2,131,3,0,1,0,support,medium -0.1,0.83,6,283,5,0,1,0,support,medium -0.44,0.54,2,139,3,0,1,0,support,medium -0.78,1,4,267,5,0,1,0,technical,medium -0.38,0.56,2,148,3,0,1,0,technical,medium -0.85,0.84,5,272,6,0,1,0,technical,medium -0.36,0.48,2,148,3,1,1,0,management,medium -0.75,0.88,5,270,5,0,1,0,IT,high -0.81,0.81,4,218,5,1,1,0,IT,low -0.4,0.55,2,150,3,0,1,0,IT,medium -0.83,0.83,5,260,5,0,1,0,IT,medium -0.41,0.52,2,127,3,0,1,0,IT,medium -0.42,0.57,2,134,3,0,1,0,product_mng,medium -0.09,0.83,7,258,4,0,1,0,product_mng,low -0.87,0.81,5,304,5,0,1,0,product_mng,low -0.43,0.56,6,149,4,0,1,0,product_mng,low -0.39,0.51,2,139,3,0,1,0,IT,low -0.1,0.9,6,272,5,0,1,0,RandD,low -0.41,0.52,2,132,3,0,1,0,RandD,low -0.72,1,2,240,2,0,1,0,RandD,low -0.44,0.55,2,137,3,0,1,0,RandD,low -0.38,0.5,2,139,3,0,1,0,RandD,low -0.46,0.52,2,148,3,0,1,0,RandD,low -0.4,0.49,2,149,3,0,1,0,marketing,low -0.45,0.45,2,131,3,0,1,0,sales,low -0.89,0.89,5,262,5,0,1,0,accounting,low -0.1,0.97,7,284,4,0,1,0,support,low -0.46,0.48,2,161,3,0,1,0,technical,low -0.09,0.78,7,290,4,0,1,0,management,low -0.45,0.57,2,149,3,0,1,0,marketing,low -0.89,0.98,4,242,6,0,1,0,marketing,low -0.62,0.77,5,227,4,0,1,0,marketing,low -0.11,0.93,6,276,4,0,1,0,sales,low -0.44,0.5,2,135,3,0,1,0,sales,low -0.09,0.94,6,266,4,0,1,0,sales,medium -0.56,0.75,5,236,2,0,1,0,sales,medium -0.77,0.89,4,270,5,0,1,0,sales,medium -0.39,0.49,2,146,3,0,1,0,sales,medium -0.1,0.92,5,272,4,0,1,0,sales,medium -0.72,0.85,5,246,5,0,1,0,sales,medium -0.4,0.52,2,136,3,0,1,0,sales,medium -0.11,0.81,6,260,4,0,1,0,sales,medium -0.88,1,5,247,5,0,1,0,sales,medium -0.37,0.51,2,127,3,0,1,0,sales,medium -0.11,0.96,6,267,4,0,1,0,sales,medium -0.4,0.52,2,143,3,0,1,0,sales,medium -0.1,0.86,6,306,4,0,1,0,sales,high -0.62,0.89,3,131,4,0,1,0,sales,low -0.78,0.86,4,249,5,0,1,0,sales,medium -0.37,0.52,2,144,3,0,1,0,sales,medium -0.76,0.82,4,254,5,1,1,0,sales,medium -0.42,0.53,2,131,3,0,1,0,accounting,medium -0.1,0.77,6,272,4,0,1,0,accounting,low -0.42,0.47,2,157,3,0,1,0,accounting,low -0.1,0.96,7,301,4,0,1,0,hr,low -0.1,0.81,6,252,4,0,1,0,hr,low -0.42,0.47,2,130,3,0,1,0,hr,low -0.09,0.86,6,297,4,0,1,0,hr,low -0.1,0.8,6,248,4,0,1,0,technical,low -0.11,0.89,7,257,4,0,1,0,technical,low -0.44,0.53,2,147,3,0,1,0,technical,low -0.87,0.9,3,307,5,0,1,0,technical,low -0.44,0.46,2,154,3,0,1,0,technical,low -0.41,0.56,2,143,3,0,1,0,technical,low -0.51,0.79,4,134,3,0,1,0,technical,low -0.89,0.96,5,221,5,0,1,0,technical,low -0.1,0.96,6,275,4,0,1,0,technical,low -0.9,0.94,5,247,5,0,1,0,technical,low -0.36,0.55,2,131,3,0,1,0,technical,low -0.44,0.54,2,150,3,0,1,0,support,low -0.39,0.57,2,150,3,0,1,0,support,low -0.38,1,5,137,4,0,1,0,support,low -0.73,0.95,4,223,6,0,1,0,support,low -0.1,0.96,6,292,4,0,1,0,support,medium -0.89,0.83,5,130,4,1,1,0,support,medium -0.87,0.85,5,221,6,0,1,0,support,medium -0.84,0.89,4,245,5,1,1,0,support,medium -0.11,0.77,6,274,4,0,1,0,support,medium -0.74,1,5,248,5,0,1,0,support,medium -0.79,0.97,4,243,5,0,1,0,support,medium -0.1,0.92,7,273,4,0,1,0,technical,medium -0.83,0.95,5,221,5,0,1,0,technical,medium -0.1,0.79,6,271,4,0,1,0,technical,medium -0.45,0.5,2,157,3,0,1,0,management,medium -0.29,0.48,2,249,4,0,1,0,IT,medium -0.46,0.46,2,145,3,0,1,0,IT,high -0.11,0.83,6,262,5,0,1,0,IT,low -0.75,0.89,5,272,5,0,1,0,IT,medium -0.4,0.5,2,129,3,0,1,0,IT,medium -0.37,0.46,2,134,3,0,1,0,product_mng,medium -0.41,0.52,2,147,3,0,1,0,product_mng,medium -0.1,0.83,6,293,4,0,1,0,product_mng,low -0.39,0.52,2,129,3,0,1,0,product_mng,low -0.4,0.45,2,140,3,0,1,0,IT,low -0.41,0.52,2,132,3,0,1,0,RandD,low -0.11,0.89,6,284,4,0,1,0,RandD,low -0.74,0.99,5,263,5,0,1,0,RandD,low -0.42,0.46,2,143,3,0,1,0,RandD,low -0.88,0.88,4,265,5,0,1,0,RandD,low -0.37,0.53,2,147,3,0,1,0,RandD,low -0.78,0.81,4,253,5,0,1,0,marketing,low -0.46,0.5,2,141,3,0,1,0,sales,low -0.74,1,5,222,6,0,1,0,accounting,low -0.11,0.86,6,273,4,1,1,0,support,low -0.8,0.87,5,240,6,0,1,0,technical,low -0.37,0.48,2,154,3,0,1,0,management,low -0.87,0.92,4,253,6,0,1,0,marketing,low -0.9,0.84,5,221,5,0,1,0,marketing,low -0.1,0.88,6,263,4,0,1,0,marketing,low -0.43,0.46,2,145,3,0,1,0,sales,low -0.11,0.91,6,279,4,0,1,0,sales,low -0.4,0.46,2,146,3,0,1,0,sales,low -0.09,0.93,7,270,4,0,1,0,sales,medium -0.4,0.5,2,135,3,0,1,0,sales,medium -0.14,0.7,5,236,3,0,1,0,sales,medium -0.4,0.49,2,151,3,0,1,0,sales,medium -0.11,0.79,6,244,4,1,1,0,sales,medium -0.72,1,4,169,3,0,1,0,sales,medium -0.39,0.57,2,157,3,0,1,0,sales,medium -0.82,0.93,4,246,5,0,1,0,sales,medium -0.41,0.52,2,142,3,0,1,0,sales,medium -0.45,0.51,2,156,3,0,1,0,sales,medium -0.2,0.7,6,281,5,0,1,0,sales,medium -0.43,0.53,2,146,3,0,1,0,sales,medium -0.39,0.55,2,156,3,0,1,0,sales,high -0.11,0.86,6,299,4,1,1,0,sales,low -0.45,0.47,2,136,3,0,1,0,sales,medium -0.11,0.87,6,272,4,0,1,0,sales,medium -0.84,0.86,5,240,5,0,1,0,accounting,medium -0.86,0.96,5,245,6,0,1,0,accounting,medium -0.79,0.93,5,269,5,0,1,0,accounting,low -0.39,0.57,2,130,3,0,1,0,hr,low -0.15,0.62,4,257,3,0,1,0,hr,low -0.81,1,4,241,5,0,1,0,hr,low -0.39,0.53,2,136,3,0,1,0,hr,low -0.92,0.94,4,219,5,0,1,0,technical,low -0.9,0.98,5,271,5,0,1,0,technical,low -0.32,0.6,2,280,4,0,1,0,technical,low -0.46,0.46,2,140,3,0,1,0,technical,low -0.83,0.98,4,254,5,0,1,0,technical,low -0.39,0.47,2,131,3,0,1,0,technical,low -0.2,0.9,6,138,3,0,1,0,technical,low -0.11,0.85,6,295,4,0,1,0,technical,low -0.11,0.96,6,301,5,0,1,0,technical,low -0.1,0.95,7,296,4,0,1,0,technical,low -0.75,0.87,5,246,5,0,1,0,technical,low -0.44,0.57,2,145,3,0,1,0,support,low -0.86,0.93,5,241,5,1,1,0,support,low -0.1,0.82,6,269,4,0,1,0,support,low -0.39,0.49,2,146,3,0,1,0,support,low -0.45,0.48,2,149,3,0,1,0,support,low -0.1,0.94,7,287,4,0,1,0,support,medium -0.36,0.55,2,138,3,0,1,0,support,medium -0.57,0.61,4,158,5,0,1,0,support,medium -0.09,0.87,6,266,4,0,1,0,support,medium -0.87,0.91,4,255,5,0,1,0,support,medium -0.43,0.52,2,156,3,0,1,0,support,medium -0.36,0.5,2,147,3,0,1,0,technical,medium -0.91,0.99,5,265,5,1,1,0,technical,medium -0.41,0.48,2,136,3,0,1,0,technical,medium -0.37,0.52,2,140,3,0,1,0,management,medium -0.43,0.45,2,146,3,0,1,0,IT,medium -0.43,0.57,2,142,3,0,1,0,IT,medium -0.4,0.53,2,155,3,0,1,0,IT,high -0.1,0.89,7,285,4,0,1,0,IT,low -0.76,0.99,4,253,5,1,1,0,IT,medium -0.82,0.93,4,248,5,0,1,0,product_mng,medium -0.11,0.83,7,255,5,0,1,0,product_mng,medium -0.43,0.52,2,154,3,1,1,0,product_mng,medium -0.11,0.88,7,305,4,0,1,0,product_mng,low -0.41,0.48,2,141,3,0,1,0,IT,low -0.73,0.87,5,252,5,0,1,0,RandD,low -0.37,0.57,2,157,3,0,1,0,RandD,low -0.11,0.89,6,250,4,0,1,0,RandD,low -0.46,0.52,2,131,3,0,1,0,RandD,low -0.41,0.5,2,149,3,0,1,0,RandD,low -0.78,0.78,4,260,5,0,1,0,RandD,low -0.78,0.86,5,260,6,0,1,0,marketing,low -0.72,0.86,5,251,5,0,1,0,sales,low -0.63,0.83,6,242,5,0,1,0,accounting,low -0.55,1,6,136,3,0,1,0,support,low -0.45,0.55,2,155,3,0,1,0,technical,low -0.39,0.51,2,155,3,0,1,0,management,low -0.1,0.81,6,248,4,0,1,0,marketing,low -0.4,0.5,2,136,3,0,1,0,marketing,low -0.39,0.54,2,133,3,0,1,0,marketing,low -0.78,0.45,4,128,2,0,1,0,sales,low -0.42,0.53,2,142,3,0,1,0,sales,low -0.39,0.54,2,149,3,0,1,0,sales,low -0.46,0.57,2,145,3,0,1,0,sales,low -0.1,0.92,6,279,4,0,1,0,sales,medium -0.45,0.47,2,146,3,0,1,0,sales,medium -0.1,0.83,6,264,4,1,1,0,sales,medium -0.1,0.89,7,272,4,0,1,0,sales,medium -0.78,0.86,5,256,5,0,1,0,sales,medium -0.4,0.65,2,296,5,0,1,0,sales,medium -0.45,0.51,2,155,3,1,1,0,sales,medium -0.39,0.56,2,130,3,0,1,0,sales,medium -0.43,0.48,2,157,3,0,1,0,sales,medium -0.09,0.96,6,245,4,0,1,0,sales,medium -0.79,0.86,5,226,5,0,1,0,sales,medium -0.44,0.47,2,156,3,1,1,0,sales,medium -0.79,0.95,5,228,5,0,1,0,sales,high -0.38,0.46,2,155,3,0,1,0,sales,low -0.36,0.56,2,159,3,0,1,0,sales,medium -0.39,0.57,2,142,3,0,1,0,accounting,medium -0.09,0.93,6,271,4,0,1,0,accounting,medium -0.16,0.65,4,277,5,0,1,0,accounting,medium -0.09,0.77,6,310,4,0,1,0,hr,low -0.11,0.87,6,254,4,0,1,0,hr,low -0.44,0.56,2,142,3,0,1,0,hr,low -0.11,0.88,7,253,4,0,1,0,hr,low -0.11,0.97,6,260,4,0,1,0,technical,low -0.45,0.52,2,147,3,0,1,0,technical,low -0.1,0.96,7,288,4,0,1,0,technical,low -0.4,0.46,2,160,3,0,1,0,technical,low -0.38,0.55,2,130,3,0,1,0,technical,low -0.39,0.56,2,133,3,0,1,0,technical,low -0.38,0.55,2,160,3,0,1,0,technical,low -0.38,0.45,2,151,3,0,1,0,technical,low -0.17,0.75,3,188,4,0,1,0,technical,low -0.79,0.84,5,247,5,0,1,0,technical,low -0.1,0.85,7,259,4,0,1,0,technical,low -0.37,0.48,2,129,3,0,1,0,support,low -0.42,0.49,2,152,3,0,1,0,support,low -0.44,0.48,2,128,3,0,1,0,support,low -0.11,0.83,6,253,4,0,1,0,support,low -0.39,0.48,2,151,3,0,1,0,support,low -0.1,0.83,5,271,5,0,1,0,support,low -0.4,0.46,2,155,3,0,1,0,support,medium -0.86,0.91,5,245,5,0,1,0,support,medium -0.37,0.46,2,157,3,0,1,0,support,medium -0.4,0.51,2,160,3,0,1,0,support,medium -0.43,0.48,2,149,3,0,1,0,support,medium -0.88,0.88,5,248,5,0,1,0,technical,medium -0.44,0.52,2,128,3,0,1,0,technical,medium -0.87,1,4,224,5,0,1,0,technical,medium -0.4,0.46,2,156,3,0,1,0,management,medium -0.45,0.52,2,143,3,0,1,0,IT,medium -0.84,0.93,4,250,5,0,1,0,IT,medium -0.1,0.68,3,179,3,0,1,0,IT,medium -0.72,0.99,5,257,5,0,1,0,IT,high -0.4,0.5,2,127,3,0,1,0,IT,low -0.45,0.5,2,145,3,0,1,0,product_mng,medium -0.89,0.98,5,274,5,0,1,0,product_mng,medium -0.4,0.55,2,131,3,0,1,0,product_mng,medium -0.38,0.53,2,136,3,0,1,0,product_mng,medium -0.38,0.47,2,140,3,1,1,0,IT,low -0.1,0.82,7,265,4,0,1,0,RandD,low -0.42,0.48,2,148,3,1,1,0,RandD,low -0.74,0.86,5,262,5,0,1,0,RandD,low -0.1,0.8,6,261,4,0,1,0,RandD,low -0.82,0.9,5,248,5,0,1,0,RandD,low -0.38,0.55,2,131,3,0,1,0,marketing,low -0.41,0.56,2,160,3,0,1,0,sales,low -0.4,0.47,2,152,3,0,1,0,accounting,low -0.83,0.98,4,249,5,0,1,0,support,low -0.36,0.57,2,144,3,0,1,0,technical,low -0.75,0.98,4,245,5,0,1,0,management,low -0.44,0.53,2,146,3,0,1,0,marketing,low -0.1,0.94,6,297,5,0,1,0,marketing,low -0.39,0.52,2,148,3,1,1,0,marketing,low -0.09,0.84,7,260,4,0,1,0,sales,low -0.4,0.57,2,152,3,0,1,0,sales,low -0.41,0.54,2,135,3,0,1,0,sales,low -0.83,0.92,4,235,5,0,1,0,sales,low -0.42,0.47,2,145,3,0,1,0,sales,low -0.61,0.46,5,220,4,0,1,0,sales,low -0.44,0.52,2,128,3,0,1,0,sales,medium -0.77,0.81,5,237,5,0,1,0,sales,medium -0.81,0.95,4,275,5,0,1,0,sales,medium -0.1,0.78,6,310,4,0,1,0,sales,medium -0.73,0.84,5,251,6,0,1,0,sales,medium -0.09,0.83,6,250,4,0,1,0,sales,medium -0.9,0.99,4,259,6,0,1,0,sales,medium -0.88,1,4,259,5,0,1,0,sales,medium -0.09,0.87,7,305,4,0,1,0,sales,medium -0.4,0.56,2,130,3,1,1,0,sales,medium -0.17,0.55,6,250,5,0,1,0,sales,medium -0.82,0.82,5,220,6,0,1,0,sales,medium -0.9,0.83,4,266,5,0,1,0,sales,high -0.83,0.92,4,255,5,0,1,0,accounting,low -0.44,0.5,2,154,3,0,1,0,accounting,medium -0.5,0.85,4,138,3,0,1,0,accounting,medium -0.14,0.61,6,291,5,0,1,0,hr,medium -0.77,0.82,4,217,5,0,1,0,hr,medium -0.09,0.83,6,286,4,0,1,0,hr,low -0.11,0.88,6,290,4,0,1,0,hr,low -0.44,0.57,2,148,3,0,1,0,technical,low -0.43,0.52,2,146,3,0,1,0,technical,low -0.12,0.8,5,136,2,0,1,0,technical,low -0.1,0.86,7,261,5,0,1,0,technical,low -0.1,0.96,6,274,4,0,1,0,technical,low -0.4,0.48,2,132,3,0,1,0,technical,low -0.41,0.47,2,145,3,0,1,0,technical,low -0.37,0.48,2,153,3,0,1,0,technical,low -0.4,0.48,2,139,3,0,1,0,technical,low -0.74,0.96,4,231,5,0,1,0,technical,low -0.39,0.48,2,154,3,0,1,0,technical,low -0.11,0.9,5,307,4,0,1,0,support,low -0.36,0.51,2,129,3,0,1,0,support,low -0.8,0.83,5,275,5,0,1,0,support,low -0.6,0.85,3,250,2,0,1,0,support,low -0.36,0.54,2,158,3,0,1,0,support,low -0.1,0.96,6,310,5,0,1,0,support,low -0.65,0.86,2,181,2,0,1,0,support,low -0.49,0.73,4,244,3,0,1,0,support,low -0.73,0.96,5,256,6,1,1,0,support,medium -0.11,0.8,6,259,5,0,1,0,support,medium -0.73,0.91,4,247,5,0,1,0,support,medium -0.43,0.46,2,129,3,0,1,0,technical,medium -0.73,0.93,5,229,5,0,1,0,technical,medium -0.76,0.85,5,236,6,0,1,0,technical,medium -0.09,0.96,6,281,4,0,1,0,management,medium -0.9,0.81,5,264,5,0,1,0,IT,medium -0.1,0.81,6,308,4,0,1,0,IT,medium -0.43,0.48,2,147,3,0,1,0,IT,medium -0.41,0.55,2,159,3,0,1,0,IT,medium -0.41,0.57,2,154,3,0,1,0,IT,medium -0.1,0.87,6,307,4,0,1,0,product_mng,high -0.4,0.46,2,132,3,0,1,0,product_mng,low -0.4,0.53,2,152,3,0,1,0,product_mng,medium -0.36,0.48,5,310,3,0,1,0,product_mng,medium -0.83,0.95,5,230,5,0,1,0,IT,medium -0.83,0.94,5,273,5,0,1,0,RandD,medium -0.41,0.51,2,144,3,0,1,0,RandD,low -0.11,0.93,7,296,4,0,1,0,RandD,low -0.68,0.62,5,198,5,1,1,0,RandD,low -0.43,0.53,2,157,3,0,1,0,RandD,low -0.44,0.51,2,145,3,0,1,0,marketing,low -0.87,0.94,5,219,5,0,1,0,marketing,low -0.43,0.54,2,153,3,0,1,0,sales,low -0.89,0.48,3,178,5,0,1,0,accounting,low -0.83,0.88,5,239,5,0,1,0,support,low -0.11,0.87,6,278,5,0,1,0,technical,low -0.85,1,6,260,3,1,1,0,management,low -0.89,0.97,4,264,5,0,1,0,marketing,low -0.09,0.92,7,301,4,0,1,0,marketing,low -0.43,0.55,4,134,3,0,1,0,marketing,low -0.42,0.46,2,147,3,0,1,0,sales,low -0.43,0.54,2,130,3,0,1,0,sales,low -0.1,0.93,6,307,4,0,1,0,sales,low -0.37,0.46,2,156,3,0,1,0,sales,low -0.76,0.98,4,237,5,0,1,0,sales,low -0.88,0.89,4,254,5,0,1,0,sales,low -0.39,0.48,2,151,3,0,1,0,sales,low -0.45,0.54,2,131,3,0,1,0,sales,medium -0.91,0.95,5,241,5,0,1,0,sales,medium -0.86,0.85,5,267,5,0,1,0,sales,medium -0.39,0.53,2,153,3,0,1,0,sales,medium -0.89,1,4,217,5,0,1,0,sales,medium -0.11,0.86,6,254,4,0,1,0,sales,medium -0.1,0.87,6,265,5,0,1,0,sales,medium -0.38,0.57,2,146,3,0,1,0,sales,medium -0.4,0.54,2,156,3,0,1,0,sales,medium -0.86,0.97,5,269,5,0,1,0,sales,medium -0.1,0.86,6,288,4,0,1,0,sales,medium -0.1,0.85,6,283,4,0,1,0,sales,medium -0.42,0.5,2,128,3,0,1,0,accounting,high -0.36,0.46,2,130,3,0,1,0,accounting,low -0.39,0.48,2,127,3,0,1,0,accounting,medium -0.43,0.47,2,137,3,0,1,0,hr,medium -0.36,0.49,2,133,3,0,1,0,hr,medium -0.09,0.91,6,275,4,0,1,0,hr,medium -0.42,0.55,2,146,3,0,1,0,hr,low -0.42,0.46,2,135,3,0,1,0,technical,low -0.91,0.89,5,217,5,0,1,0,technical,low -0.41,0.56,2,154,3,0,1,0,technical,low -0.11,0.78,6,247,4,0,1,0,technical,low -0.09,0.83,6,295,5,0,1,0,technical,low -0.83,1,5,224,5,0,1,0,technical,low -0.11,0.78,6,281,4,0,1,0,technical,low -0.1,0.93,7,258,4,0,1,0,technical,low -0.42,0.55,2,150,3,0,1,0,technical,low -0.1,0.97,7,282,4,0,1,0,technical,low -0.38,0.51,2,138,3,0,1,0,technical,low -0.77,0.98,4,238,6,0,1,0,support,low -0.11,0.85,7,244,4,0,1,0,support,low -0.87,0.97,5,250,6,0,1,0,support,low -0.1,0.88,7,282,4,0,1,0,support,low -0.1,0.89,7,253,4,0,1,0,support,low -0.09,0.9,6,256,4,0,1,0,support,low -0.84,0.85,5,260,5,0,1,0,support,low -0.11,0.86,6,245,4,0,1,0,support,low -0.81,0.97,5,230,5,0,1,0,support,low -0.77,0.85,5,276,5,0,1,0,support,medium -0.42,0.47,2,137,3,0,1,0,support,medium -0.36,0.56,2,140,3,0,1,0,technical,medium -0.81,0.83,5,269,6,0,1,0,technical,medium -0.37,0.46,2,130,3,1,1,0,technical,medium -0.1,0.96,6,264,4,0,1,0,management,medium -0.14,0.55,6,175,5,0,1,0,IT,medium -0.41,0.51,2,159,3,0,1,0,IT,medium -0.44,0.55,2,128,3,0,1,1,IT,medium -0.82,0.94,5,232,5,1,1,0,IT,medium -0.67,0.54,3,166,5,0,1,0,IT,medium -0.44,0.57,2,141,3,0,1,0,product_mng,medium -0.42,0.54,2,143,3,0,1,0,product_mng,high -0.84,0.83,4,239,5,0,1,0,product_mng,low -0.86,1,4,232,5,0,1,0,product_mng,medium -0.56,0.86,5,252,2,0,1,0,IT,medium -0.09,0.93,6,255,4,0,1,0,RandD,medium -0.1,0.81,7,270,4,0,1,0,RandD,medium -0.39,0.54,2,149,3,0,1,0,RandD,low -0.75,0.89,5,276,5,0,1,0,RandD,low -0.43,0.55,2,159,3,0,1,0,RandD,low -0.09,0.96,7,274,5,0,1,0,marketing,low -0.83,0.94,4,264,5,0,1,0,sales,low -0.59,1,3,156,4,0,1,0,accounting,low -0.44,0.54,2,135,3,0,1,0,support,low -0.38,0.49,2,128,3,0,1,0,technical,low -0.76,0.98,5,242,5,0,1,0,management,low -0.22,0.86,4,293,3,0,1,0,marketing,low -0.4,0.46,2,141,3,0,1,0,marketing,low -0.41,0.48,2,155,3,0,1,0,marketing,low -0.38,0.51,2,141,3,0,1,0,sales,low -0.45,0.68,4,212,4,1,1,0,sales,low -0.39,0.56,2,160,3,0,1,0,sales,low -0.45,0.47,2,150,3,0,1,0,sales,low -0.42,0.53,2,132,3,1,1,0,sales,low -0.1,0.87,6,248,4,0,1,0,sales,low -0.78,0.96,5,272,5,0,1,0,sales,low -0.39,0.56,2,160,3,0,1,0,sales,low -0.1,0.87,7,299,4,0,1,0,sales,low -0.1,0.8,6,292,4,0,1,0,sales,medium -0.43,0.46,2,126,3,0,1,0,sales,medium -0.38,0.45,2,132,3,0,1,0,sales,medium -0.09,0.77,6,282,5,0,1,0,sales,medium -0.39,0.53,2,141,3,0,1,0,sales,medium -0.73,0.99,6,206,5,0,1,0,sales,medium -0.38,0.49,2,140,3,0,1,0,sales,medium -0.1,0.91,6,255,4,0,1,0,sales,medium -0.41,0.54,2,133,3,0,1,0,sales,medium -0.43,0.51,2,131,3,0,1,0,sales,medium -0.79,0.96,4,257,5,0,1,0,accounting,medium -0.1,0.81,6,269,4,0,1,0,accounting,medium -0.11,0.97,6,254,4,0,1,0,accounting,high -0.42,0.5,2,143,3,0,1,0,hr,low -0.36,0.51,2,157,3,0,1,0,hr,medium -0.63,0.93,5,163,3,0,1,0,hr,medium -0.41,0.56,2,133,3,0,1,0,hr,medium -0.36,0.46,2,157,3,0,1,0,technical,medium -0.1,0.9,6,301,5,0,1,0,technical,low -0.11,0.96,6,310,4,0,1,0,technical,low -0.44,0.54,2,133,3,0,1,0,technical,low -0.77,0.96,5,249,6,0,1,0,technical,low -0.91,1,4,251,6,0,1,0,technical,low -0.26,0.46,2,242,3,0,1,0,technical,low -0.81,0.93,5,265,6,0,1,0,technical,low -0.11,0.87,6,280,4,0,1,0,technical,low -0.92,0.89,4,241,5,0,1,0,technical,low -0.1,0.86,5,253,4,0,1,0,technical,low -0.45,0.51,2,137,3,0,1,0,support,low -0.11,0.94,6,266,4,0,1,0,support,low -0.23,0.7,5,168,4,0,1,0,support,low -0.86,0.95,4,270,5,0,1,0,support,low -0.44,0.55,2,141,3,0,1,0,support,low -0.41,0.56,2,133,3,0,1,0,support,low -0.84,0.97,5,256,5,0,1,0,support,low -0.42,0.52,2,160,3,0,1,0,support,low -0.11,0.88,7,275,4,0,1,0,support,low -0.38,0.46,2,160,3,0,1,0,support,low -0.11,0.96,7,244,4,0,1,0,support,low -0.1,0.83,6,271,4,0,1,0,technical,medium -0.86,0.88,5,268,5,0,1,0,technical,medium -0.91,1,4,253,5,1,1,0,technical,medium -0.37,0.53,2,140,3,0,1,0,management,medium -0.46,0.5,2,146,3,0,1,0,IT,medium -0.1,0.89,6,259,5,0,1,0,IT,medium -0.37,0.46,2,127,3,0,1,0,IT,medium -0.4,0.48,2,161,3,0,1,0,IT,medium -0.09,0.78,6,260,4,0,1,0,IT,medium -0.11,0.89,6,272,4,0,1,0,product_mng,medium -0.39,0.48,2,159,3,0,1,0,product_mng,medium -0.89,0.96,4,219,6,0,1,0,product_mng,medium -0.09,0.91,6,243,4,0,1,0,product_mng,high -0.88,0.97,4,255,5,1,1,0,IT,low -0.11,0.9,7,245,4,0,1,0,RandD,medium -0.1,0.95,6,264,5,0,1,0,RandD,medium -0.91,1,4,245,6,0,1,0,RandD,medium -0.44,0.52,2,137,3,0,1,0,RandD,medium -0.63,0.76,2,157,4,0,1,0,RandD,low -0.1,0.87,7,247,4,0,1,0,marketing,low -0.36,0.51,2,144,3,0,1,0,sales,low -0.45,0.51,2,149,3,0,1,0,accounting,low -0.73,1,5,253,6,0,1,0,support,low -0.37,0.55,2,140,3,0,1,0,technical,low -0.09,0.85,7,307,4,0,1,0,management,low -0.41,0.71,3,205,4,0,1,0,marketing,low -0.72,1,5,234,5,0,1,0,marketing,low -0.36,0.54,2,127,3,0,1,0,marketing,low -0.9,1,4,229,5,0,1,0,sales,low -0.44,0.56,2,141,3,0,1,0,sales,low -0.78,0.95,4,260,5,0,1,0,sales,low -0.37,0.52,2,141,3,0,1,0,sales,low -0.4,0.47,2,144,3,1,1,0,sales,low -0.84,1,5,250,5,0,1,0,sales,low -0.09,0.86,6,245,4,0,1,0,sales,low -0.83,0.93,4,269,5,0,1,0,sales,low -0.11,0.87,6,273,4,0,1,0,sales,low -0.37,0.5,2,142,3,0,1,0,sales,low -0.09,0.93,6,273,5,0,1,0,sales,low -0.43,0.47,2,248,2,0,1,0,sales,medium -0.39,0.56,2,147,3,0,1,0,sales,medium -0.85,0.9,2,168,2,0,1,0,sales,medium -0.38,0.52,2,128,3,0,1,0,sales,medium -0.76,0.84,5,227,5,1,1,0,sales,medium -0.44,0.51,2,135,3,0,1,0,sales,medium -0.73,1,4,268,5,0,1,0,sales,medium -0.43,0.53,2,136,3,0,1,0,sales,medium -0.43,0.51,2,149,3,1,1,0,accounting,medium -0.09,0.96,7,264,4,0,1,0,accounting,medium -0.43,0.53,2,143,3,0,1,0,accounting,medium -0.45,0.57,2,138,3,0,1,0,hr,medium -0.42,0.48,2,146,3,0,1,0,hr,high -0.41,0.46,2,150,3,1,1,0,hr,low -0.44,0.55,2,156,3,0,1,0,hr,medium -0.09,0.92,7,245,4,0,1,0,technical,medium -0.41,0.51,2,156,3,0,1,0,technical,medium -0.43,0.51,2,143,3,0,1,0,technical,medium -0.38,0.51,2,159,3,0,1,0,technical,low -0.85,0.96,4,217,5,0,1,0,technical,low -0.88,0.91,4,234,6,0,1,0,technical,low -0.44,0.46,2,138,3,0,1,0,technical,low -0.11,0.92,7,265,4,0,1,0,technical,low -0.38,0.5,2,145,3,0,1,0,technical,low -0.09,0.78,6,263,4,0,1,0,technical,low -0.11,0.79,6,264,4,0,1,0,technical,low -0.11,0.88,6,253,4,0,1,0,support,low -0.44,0.48,2,155,3,0,1,0,support,low -0.38,0.51,2,137,3,0,1,0,support,low -0.1,0.87,6,254,5,0,1,0,support,low -0.45,0.57,2,143,3,0,1,0,support,low -0.11,0.94,7,280,5,0,1,0,support,low -0.36,0.48,2,136,3,0,1,0,support,low -0.72,0.95,5,271,5,0,1,0,support,low -0.43,0.48,2,157,3,0,1,0,support,low -0.45,0.5,2,150,3,0,1,0,support,low -0.4,0.53,2,127,3,0,1,0,support,low -0.1,0.81,6,271,4,0,1,0,technical,low -0.83,0.93,5,257,5,0,1,0,technical,low -0.11,0.8,7,305,4,0,1,0,technical,medium -0.43,0.5,2,152,3,0,1,0,management,medium -0.38,0.5,2,144,3,0,1,0,IT,medium -0.83,1,5,269,5,0,1,0,IT,medium -0.11,0.82,7,285,4,0,1,0,IT,medium -0.43,0.52,2,136,3,0,1,0,IT,medium -0.11,0.88,6,294,4,0,1,0,IT,medium -0.43,0.46,2,157,3,0,1,0,product_mng,medium -0.1,0.89,6,280,4,0,1,0,product_mng,medium -0.44,0.51,2,152,3,0,1,0,product_mng,medium -0.82,0.91,5,276,6,0,1,0,product_mng,medium -0.1,0.86,6,247,4,0,1,0,IT,medium -0.1,0.95,5,286,4,0,1,0,RandD,high -0.3,0.89,5,257,5,0,1,0,RandD,low -0.1,0.93,6,258,4,0,1,0,RandD,medium -0.39,0.5,2,151,3,0,1,0,RandD,medium -0.14,0.47,4,175,2,0,1,0,RandD,medium -0.82,0.92,4,252,5,0,1,0,marketing,medium -0.1,0.85,6,266,4,0,1,0,sales,low -0.09,0.9,6,295,4,0,1,0,accounting,low -0.54,0.83,6,165,6,0,1,0,support,low -0.61,0.58,2,264,4,0,1,0,technical,low -0.1,0.79,6,275,4,0,1,0,management,low -0.1,0.9,6,299,4,0,1,0,marketing,low -0.36,0.49,2,147,3,0,1,0,marketing,low -0.1,0.97,7,306,4,0,1,0,marketing,low -0.84,1,5,242,5,0,1,0,sales,low -0.38,0.51,2,159,3,0,1,0,sales,low -0.41,0.49,2,147,3,0,1,0,sales,low -0.37,0.51,2,154,3,1,1,0,sales,low -0.43,0.56,2,129,3,0,1,0,sales,low -0.46,0.53,2,161,3,0,1,0,sales,low -0.09,0.84,6,269,4,0,1,0,sales,low -0.78,0.86,5,274,5,0,1,0,sales,low -0.45,0.53,2,159,3,0,1,0,sales,low -0.42,0.47,2,135,3,0,1,0,sales,low -0.46,0.53,2,147,3,0,1,0,sales,low -0.39,0.49,2,142,3,0,1,0,sales,low -0.36,0.51,2,130,3,0,1,0,sales,low -0.43,0.53,2,147,3,0,1,0,sales,medium -0.85,0.87,5,246,5,1,1,0,sales,medium -0.11,0.92,6,281,4,0,1,0,sales,medium -0.11,0.9,6,253,4,0,1,0,sales,medium -0.38,0.47,2,128,3,0,1,0,sales,medium -0.43,0.57,2,129,3,0,1,0,sales,medium -0.75,1,5,223,6,0,1,0,accounting,medium -0.11,0.92,6,269,4,0,1,0,accounting,medium -0.1,0.9,7,269,4,0,1,0,accounting,medium -0.1,0.81,7,244,5,0,1,0,hr,medium -0.37,0.5,2,154,3,0,1,0,hr,medium -0.11,0.93,5,140,5,0,1,0,hr,medium -0.45,0.46,2,159,3,0,1,0,hr,high -0.44,0.48,2,158,3,0,1,0,technical,low -0.44,0.56,2,133,3,0,1,0,technical,medium -0.11,0.77,6,247,4,0,1,0,technical,medium -0.79,0.93,5,268,5,0,1,0,technical,medium -0.8,0.9,5,267,5,0,1,0,technical,medium -0.1,0.87,7,251,5,0,1,0,technical,low -0.09,0.93,6,279,4,0,1,0,technical,low -0.7,0.84,6,161,4,0,1,0,technical,low -0.72,0.84,4,256,5,0,1,0,technical,low -0.11,0.8,6,304,4,0,1,0,technical,low -0.39,0.51,2,137,3,0,1,0,technical,low -0.4,0.49,2,144,3,0,1,0,support,low -0.43,0.54,2,142,3,0,1,0,support,low -0.76,0.87,5,262,5,0,1,0,support,low -0.4,0.48,2,142,3,0,1,0,support,low -0.09,0.89,6,282,4,0,1,0,support,low -0.37,0.54,2,157,3,0,1,0,support,low -0.87,0.91,5,228,5,0,1,0,support,low -0.1,0.86,6,283,4,0,1,0,support,low -0.11,0.86,6,286,4,0,1,0,support,low -0.43,0.5,2,148,3,0,1,0,support,low -0.1,0.81,6,245,4,0,1,0,support,low -0.11,0.95,6,279,4,0,1,0,technical,low -0.85,0.87,5,245,5,0,1,0,technical,low -0.37,0.49,2,138,3,0,1,0,technical,low -0.44,0.52,2,141,3,0,1,0,management,low -0.1,0.83,7,302,5,0,1,0,IT,medium -0.11,0.89,6,268,4,0,1,0,IT,medium -0.87,0.88,5,240,5,0,1,0,IT,medium -0.39,0.49,2,127,3,0,1,0,IT,medium -0.1,0.94,7,264,4,0,1,0,IT,medium -0.44,0.53,2,155,3,0,1,0,product_mng,medium -0.4,0.49,2,143,3,0,1,0,product_mng,medium -0.76,0.98,5,217,6,0,1,0,product_mng,medium -0.46,0.55,2,147,3,0,1,0,product_mng,medium -0.9,0.92,4,271,5,0,1,0,IT,medium -0.85,0.87,4,273,5,0,1,0,RandD,medium -0.1,0.78,5,285,4,1,1,0,RandD,medium -0.43,0.49,2,131,3,0,1,0,RandD,high -0.2,0.5,5,135,6,0,1,0,RandD,low -0.81,0.92,5,239,5,0,1,0,RandD,medium -0.83,0.85,5,237,5,0,1,0,marketing,medium -0.14,0.75,4,277,5,1,1,0,sales,medium -0.1,0.84,5,303,5,0,1,0,accounting,medium -0.91,0.98,4,242,6,0,1,0,support,low -0.37,0.57,2,158,3,0,1,0,technical,low -0.42,0.57,2,147,3,1,1,0,management,low -0.39,0.68,2,282,5,0,1,0,marketing,low -0.39,0.54,2,154,3,0,1,0,marketing,low -0.44,0.52,2,149,3,0,1,0,marketing,low -0.37,0.45,2,149,3,0,1,0,sales,low -0.39,0.53,2,146,3,0,1,0,sales,low -0.72,0.94,4,258,5,0,1,0,sales,low -0.37,0.49,2,148,3,0,1,0,sales,low -0.82,0.94,5,236,5,0,1,0,sales,low -0.42,0.52,2,134,3,0,1,0,sales,low -0.59,1,2,155,5,0,1,0,sales,low -0.82,0.86,5,257,5,0,1,0,sales,low -0.73,0.97,6,189,2,0,1,0,sales,low -0.78,0.66,3,164,3,0,1,0,sales,low -0.09,0.95,6,271,4,0,1,0,sales,low -0.1,0.97,6,280,4,0,1,0,sales,low -0.45,0.46,2,149,3,0,1,0,sales,low -0.83,0.81,5,219,5,0,1,0,sales,low -0.43,0.51,2,128,3,0,1,0,sales,low -0.4,0.47,2,128,3,0,1,0,sales,medium -0.43,0.46,2,157,3,0,1,0,sales,medium -0.78,0.93,4,225,5,0,1,0,sales,medium -0.39,0.45,2,140,3,0,1,0,sales,medium -0.11,0.97,6,310,4,0,1,0,accounting,medium -0.36,0.52,2,143,3,0,1,0,accounting,medium -0.36,0.54,2,153,3,0,1,0,accounting,medium -0.1,0.79,7,310,4,0,1,0,hr,medium -0.4,0.47,2,136,3,0,1,0,hr,medium -0.81,0.85,4,251,6,0,1,0,hr,medium -0.4,0.47,2,144,3,0,1,0,hr,medium -0.09,0.93,6,296,4,0,1,0,technical,medium -0.76,0.89,5,238,5,0,1,0,technical,high -0.73,0.93,5,162,4,0,1,0,technical,low -0.38,0.49,2,137,3,0,1,0,technical,medium -0.72,0.84,5,257,5,0,1,0,technical,medium -0.4,0.56,2,148,3,0,1,0,technical,medium -0.91,0.99,5,254,5,0,1,0,technical,medium -0.85,0.85,4,247,6,0,1,0,technical,low -0.9,0.7,5,206,4,0,1,0,technical,low -0.46,0.55,2,145,3,0,1,0,technical,low -0.43,0.57,2,159,3,1,1,0,technical,low -0.89,0.88,5,228,5,1,1,0,support,low -0.09,0.81,6,257,4,0,1,0,support,low -0.4,0.48,2,155,3,0,1,0,support,low -0.76,0.83,6,293,6,0,1,0,support,low -0.4,0.57,2,151,3,0,1,0,support,low -0.37,0.48,2,160,3,0,1,0,support,low -0.37,0.53,2,143,3,0,1,0,support,low -0.11,0.96,6,280,4,0,1,0,support,low -0.37,0.52,2,158,3,0,1,0,support,low -0.09,0.89,7,310,4,0,1,0,support,low -0.88,0.86,5,258,5,0,1,0,support,low -0.84,0.94,5,262,5,0,1,0,technical,low -0.1,0.98,6,265,4,0,1,0,technical,low -0.41,0.47,2,143,3,1,1,0,technical,low -0.84,0.91,5,232,6,0,1,0,management,low -0.41,0.55,2,161,3,0,1,0,IT,low -0.53,0.76,5,132,6,0,1,0,IT,low -0.42,0.47,2,139,3,1,1,0,IT,medium -0.36,0.5,2,131,3,0,1,0,IT,medium -0.38,0.52,2,161,3,0,1,0,IT,medium -0.36,0.48,2,152,3,0,1,0,product_mng,medium -0.46,0.54,2,138,3,0,1,0,product_mng,medium -0.37,0.47,2,159,3,1,1,0,product_mng,medium -0.42,0.49,2,153,3,0,1,0,product_mng,medium -0.44,0.56,2,156,3,0,1,0,IT,medium -0.92,0.82,5,265,5,0,1,0,RandD,medium -0.1,0.79,6,301,5,0,1,0,RandD,medium -0.76,1,4,220,6,0,1,0,RandD,medium -0.11,0.79,6,247,4,0,1,0,RandD,medium -0.43,0.48,2,136,3,0,1,0,RandD,high -0.4,0.49,2,160,3,0,1,0,marketing,low -0.11,0.84,7,310,4,0,1,0,sales,medium -0.84,0.82,5,240,5,0,1,0,accounting,medium -0.84,0.84,5,238,5,0,1,0,support,medium -0.51,0.6,7,243,5,0,1,0,technical,medium -0.66,0.91,5,248,4,0,1,0,management,low -0.42,0.56,2,137,3,0,1,0,marketing,low -0.38,0.49,2,155,3,0,1,0,marketing,low -0.15,0.63,7,229,3,0,1,0,marketing,low -0.38,0.53,2,140,3,0,1,0,sales,low -0.43,0.54,2,156,3,0,1,0,sales,low -0.37,0.57,2,147,3,0,1,0,sales,low -0.11,0.92,7,293,4,0,1,0,sales,low -0.41,0.53,2,157,3,0,1,0,sales,low -0.84,0.96,4,247,5,0,1,0,sales,low -0.4,0.51,2,148,3,0,1,0,sales,low -0.58,0.74,4,215,3,0,0,0,sales,low -0.82,0.67,2,202,3,0,0,0,sales,low -0.45,0.69,5,193,3,0,0,0,sales,low -0.78,0.82,5,247,3,0,0,0,sales,low -0.49,0.6,3,214,2,0,0,0,sales,low -0.36,0.95,3,206,4,0,0,0,sales,low -0.54,0.37,2,176,2,0,0,0,sales,low -0.99,0.91,5,136,4,0,0,0,sales,low -0.5,0.75,6,127,3,0,0,0,sales,low -0.74,0.64,4,268,3,0,0,0,sales,low -0.56,0.58,4,258,3,0,0,0,sales,medium -0.34,0.39,2,136,3,0,0,0,sales,medium -0.48,0.94,5,255,6,0,0,0,accounting,medium -0.73,0.62,3,218,3,0,0,0,accounting,medium -0.59,0.87,3,268,4,0,0,0,accounting,medium -0.81,0.57,3,224,2,0,0,0,hr,medium -0.9,0.66,3,231,3,0,0,0,hr,medium -0.41,0.84,6,191,6,0,0,0,hr,medium -0.89,0.92,4,165,5,0,0,0,hr,medium -0.48,0.84,4,252,3,0,0,0,technical,medium -0.79,0.97,5,266,2,0,0,0,technical,medium -0.98,0.66,5,248,3,0,0,0,technical,medium -0.75,0.7,4,144,4,0,0,0,technical,high -1,0.41,4,174,3,0,0,0,technical,low -0.24,0.82,5,179,6,0,0,0,technical,medium -0.84,0.43,6,246,4,0,0,0,technical,medium -0.56,0.86,4,201,3,1,0,0,technical,medium -0.92,0.93,4,208,3,0,0,0,technical,medium -0.61,0.98,3,267,3,0,0,0,technical,low -0.84,0.77,4,262,4,0,0,0,technical,low -0.85,0.59,3,235,3,0,0,0,support,low -0.67,0.57,2,160,4,0,0,0,support,low -0.54,0.94,4,267,4,0,0,0,support,low -0.75,0.56,5,175,4,0,0,0,support,low -0.82,0.79,4,224,2,0,0,0,support,low -0.76,0.6,4,177,2,0,0,0,support,low -0.19,0.53,6,191,4,0,0,0,support,low -0.61,0.41,3,138,3,0,0,0,support,low -0.51,0.8,3,218,2,1,0,0,support,low -0.52,0.88,3,179,2,1,0,0,support,low -0.74,0.58,3,241,3,0,0,0,support,low -0.98,0.91,4,240,3,0,0,0,technical,low -0.71,0.92,3,202,4,0,0,0,technical,low -0.33,0.88,6,260,3,0,0,0,technical,low -0.98,0.97,3,196,3,0,0,0,management,low -0.52,0.59,2,176,3,1,0,0,IT,low -0.84,0.65,2,140,3,0,0,0,IT,low -0.87,0.5,3,242,2,0,0,0,IT,low -0.48,0.85,3,279,4,0,0,0,IT,low -0.58,0.55,4,202,3,0,0,0,IT,medium -0.58,0.84,5,228,3,0,0,0,product_mng,medium -0.73,0.69,4,171,3,0,0,0,product_mng,medium -0.68,0.54,4,153,3,0,0,0,product_mng,medium -0.41,0.68,3,165,3,1,0,0,product_mng,medium -0.85,0.6,3,182,3,0,0,0,IT,medium -0.54,0.7,5,239,5,0,0,0,RandD,medium -0.81,0.61,5,231,2,0,0,0,RandD,medium -0.7,0.52,4,255,3,0,0,0,RandD,medium -0.63,0.66,4,237,2,1,0,0,RandD,medium -0.68,0.54,3,251,2,0,0,0,RandD,medium -0.7,0.53,4,178,2,0,0,0,marketing,medium -0.82,0.65,4,148,3,0,0,0,sales,high -0.72,0.94,4,240,4,0,0,0,accounting,low -0.77,0.78,3,269,3,0,0,0,support,medium -0.86,0.91,4,147,3,0,0,0,technical,medium -0.15,0.97,3,198,5,0,0,0,management,medium -0.81,0.99,5,143,3,0,0,0,marketing,medium -0.93,0.98,3,238,2,0,0,0,marketing,low -0.62,0.74,4,213,4,0,0,0,marketing,low -0.53,0.81,3,226,3,1,0,0,sales,low -0.86,0.99,3,169,2,1,0,0,sales,low -0.92,0.65,4,238,2,0,0,0,sales,low -0.97,0.83,4,202,3,0,0,0,sales,low -0.39,0.78,2,205,6,1,0,0,sales,low -0.45,0.66,3,111,4,0,0,0,sales,low -0.41,0.47,4,104,3,0,0,0,sales,low -0.51,0.69,3,212,3,0,0,0,sales,low -0.74,0.62,4,236,4,0,0,0,sales,low -0.69,0.57,5,245,2,1,0,0,sales,low -0.84,0.64,4,267,4,0,0,0,sales,low -0.69,0.66,5,106,5,0,0,0,sales,low -0.93,0.53,5,198,3,0,0,0,sales,low -0.33,0.45,6,239,3,0,0,0,sales,low -0.25,0.65,5,220,3,0,0,0,sales,low -0.63,0.59,5,224,3,0,0,0,sales,low -0.81,0.62,3,100,3,0,0,0,sales,low -0.12,0.87,4,244,5,0,0,0,sales,low -0.52,0.66,4,139,3,0,0,0,sales,low -0.57,0.51,2,152,2,0,0,0,accounting,medium -0.84,0.58,4,208,3,0,0,0,accounting,medium -0.6,0.95,5,205,3,0,0,0,accounting,medium -0.73,0.44,2,194,6,0,0,0,hr,medium -0.2,0.58,3,209,5,0,0,0,hr,medium -0.58,0.9,3,212,3,0,0,0,hr,medium -0.48,0.56,2,151,3,0,0,0,hr,medium -0.54,0.67,4,282,6,0,0,0,technical,medium -0.86,1,4,256,3,0,0,0,technical,medium -0.94,0.83,2,185,3,1,0,0,technical,medium -0.76,0.74,5,132,3,0,0,0,technical,medium -0.61,0.95,5,233,3,0,0,0,technical,medium -0.56,0.94,4,215,2,0,0,0,technical,high -1,0.74,3,220,4,0,0,0,technical,low -0.15,0.53,6,222,3,0,0,0,technical,medium -0.19,0.58,5,182,2,0,0,0,technical,medium -0.17,0.73,5,258,4,0,0,0,technical,medium -0.71,0.57,3,209,2,0,0,0,technical,medium -0.86,0.79,3,242,2,0,0,0,support,low -0.59,0.88,4,155,3,1,0,0,support,low -0.74,0.76,5,104,4,0,0,0,support,low -0.98,0.92,4,201,3,1,0,0,support,low -0.93,0.75,5,143,3,0,0,0,support,low -1,0.92,5,161,3,1,0,0,support,low -0.59,0.81,4,200,2,0,0,0,support,low -0.98,0.55,4,255,2,0,0,0,support,low -0.35,0.5,5,227,2,0,0,0,support,low -0.42,0.96,3,270,6,0,0,0,support,low -0.61,0.85,5,230,3,0,0,0,support,low -0.78,0.72,5,270,3,1,0,0,technical,low -0.93,0.52,4,200,3,0,0,0,technical,low -0.5,0.95,5,207,3,0,0,0,technical,low -0.67,0.51,5,182,3,0,0,0,management,low -0.75,0.85,4,234,3,0,0,0,IT,low -0.79,0.51,4,237,2,0,0,0,IT,low -0.84,0.89,4,187,2,1,0,0,IT,low -0.72,0.5,3,257,6,0,0,0,IT,low -0.57,0.48,2,194,2,0,0,0,IT,low -0.73,0.52,4,162,3,0,0,0,product_mng,low -0.74,0.58,4,148,2,0,0,0,product_mng,medium -0.52,0.83,4,210,2,0,0,0,product_mng,medium -0.56,0.76,3,213,2,1,0,0,product_mng,medium -0.76,0.68,4,189,2,1,0,0,IT,medium -0.82,0.93,4,185,2,0,0,0,RandD,medium -0.76,0.83,3,186,2,1,0,0,RandD,medium -0.62,0.59,3,128,3,0,0,0,RandD,medium -0.48,0.8,4,268,3,0,0,0,RandD,medium -0.64,0.77,3,213,3,1,0,0,RandD,medium -0.74,0.82,4,142,2,0,0,0,marketing,medium -0.52,0.43,2,199,2,0,0,0,sales,medium -0.67,0.5,4,157,2,0,0,0,accounting,medium -0.71,0.76,5,172,2,1,0,0,support,high -0.72,0.63,3,176,3,1,0,0,technical,low -0.33,0.58,2,183,2,0,0,0,management,medium -0.91,0.56,4,270,2,0,0,0,marketing,medium -0.88,0.68,5,157,4,1,0,0,marketing,medium -0.96,0.6,4,185,3,0,0,0,marketing,medium -0.97,0.68,3,167,3,0,0,0,sales,low -0.27,0.59,5,226,5,0,0,0,sales,low -0.65,0.64,3,223,4,0,0,0,sales,low -0.68,0.73,3,257,3,0,0,0,sales,low -0.68,0.46,4,143,3,0,0,0,sales,low -0.69,0.74,3,215,2,0,0,0,sales,low -0.79,0.99,3,194,4,0,0,0,sales,low -0.74,0.92,5,193,3,0,0,0,sales,low -0.8,0.83,3,163,3,0,0,0,sales,low -0.38,0.94,5,252,5,0,0,0,sales,low -0.26,0.83,3,168,3,0,0,0,sales,low -0.81,0.86,3,231,3,0,0,0,sales,low -0.67,0.54,2,141,2,0,0,0,sales,low -0.55,0.81,4,260,2,0,0,0,sales,low -0.87,0.71,3,132,2,0,0,0,sales,low -0.46,0.69,2,159,2,0,0,0,sales,low -0.63,0.57,4,177,3,1,0,0,sales,low -0.54,0.96,4,248,3,0,0,0,sales,low -1,0.49,3,185,2,0,0,0,sales,low -0.97,0.66,4,149,2,0,0,0,accounting,low -0.9,0.92,3,152,3,0,0,0,accounting,low -0.75,0.7,3,129,3,0,0,0,accounting,medium -0.92,0.84,4,208,2,0,0,0,hr,medium -0.8,0.94,4,136,2,0,0,0,hr,medium -0.57,0.81,3,142,2,0,0,0,hr,medium -0.81,0.94,3,225,4,0,0,0,hr,medium -0.64,0.6,3,143,3,0,0,0,technical,medium -0.71,0.54,4,215,3,0,0,0,technical,medium -0.35,0.58,3,229,6,1,0,0,technical,medium -0.88,0.81,5,193,5,0,0,0,technical,medium -0.13,0.59,5,160,5,0,0,0,technical,medium -0.82,0.73,4,195,5,1,0,0,technical,medium -0.17,0.92,4,189,2,0,0,0,technical,medium -0.21,0.82,4,207,5,0,0,0,technical,high -0.89,0.47,4,108,3,0,0,0,technical,low -0.2,0.72,6,224,4,0,0,0,technical,medium -0.99,0.81,5,180,3,1,0,0,technical,medium -0.26,0.85,6,152,4,0,0,0,support,medium -0.22,0.53,4,244,2,0,0,0,support,medium -0.79,0.84,3,176,3,0,0,0,support,low -0.73,0.79,4,145,2,1,0,0,support,low -0.83,0.54,3,149,3,0,0,0,support,low -0.42,0.54,3,122,4,0,0,0,support,low -0.18,0.8,2,110,5,0,0,0,support,low -0.92,0.91,4,222,2,0,0,0,support,low -0.87,0.52,3,237,3,0,0,0,support,low -0.72,0.65,4,224,3,0,0,0,support,low -0.64,0.58,5,115,5,0,0,0,support,low -1,0.66,4,180,3,0,0,0,technical,low -0.83,0.65,4,162,3,0,0,0,technical,low -0.98,0.58,4,136,3,0,0,0,technical,low -0.7,0.87,3,260,2,0,0,0,management,low -0.9,0.79,4,150,2,0,0,0,IT,low -0.55,0.99,4,248,3,0,0,0,IT,low -0.78,0.84,3,233,3,1,0,0,IT,low -0.89,0.53,5,272,3,0,0,0,IT,low -0.17,0.59,3,197,5,0,0,0,IT,low -0.14,0.64,5,164,5,0,0,0,product_mng,low -0.85,0.57,4,216,2,0,0,0,product_mng,low -0.84,0.79,4,266,3,1,0,0,product_mng,low -0.7,0.69,3,102,4,1,0,0,product_mng,medium -0.16,0.98,5,284,5,0,0,0,IT,medium -0.51,0.69,3,145,2,1,0,0,RandD,medium -0.6,0.89,3,167,4,0,0,0,RandD,medium -0.5,0.63,3,172,2,0,0,0,RandD,medium -0.43,0.39,5,198,5,0,0,0,RandD,medium -0.5,0.7,4,201,4,0,0,0,RandD,medium -0.91,0.89,4,197,4,0,0,0,marketing,medium -0.65,0.93,4,270,2,0,0,0,sales,medium -0.59,0.52,2,149,3,0,0,0,accounting,medium -0.89,0.56,3,256,3,0,0,0,support,medium -0.97,0.6,3,162,3,0,0,0,technical,medium -0.56,0.97,5,163,2,0,0,0,management,high -0.76,0.93,3,266,3,1,0,0,marketing,low -0.28,0.55,4,208,4,0,0,0,marketing,medium -0.75,0.51,4,138,4,0,0,0,marketing,medium -0.78,0.81,4,232,3,0,0,0,sales,medium -0.26,0.63,6,100,4,0,0,0,sales,medium -0.53,0.72,2,172,5,0,0,0,sales,low -0.25,0.41,3,133,6,1,0,0,sales,low -0.82,0.51,3,234,3,0,0,0,sales,low -0.71,0.57,2,183,4,0,0,0,sales,low -0.61,0.95,4,174,4,0,0,0,sales,low -0.89,0.68,3,175,2,0,0,0,sales,low -0.57,0.78,3,109,3,1,0,0,sales,low -0.93,0.8,4,248,3,0,0,0,sales,low -0.61,0.84,5,104,4,0,0,0,sales,low -0.56,0.62,3,154,2,0,0,0,sales,low -0.7,0.89,6,214,2,0,0,0,sales,low -0.9,0.64,4,209,4,0,0,0,sales,low -0.15,0.74,6,212,2,0,0,0,sales,low -0.39,0.36,3,168,3,1,0,0,sales,low -0.74,0.72,4,176,3,0,0,0,sales,low -0.7,0.61,4,163,4,1,0,0,sales,low -0.72,0.93,4,148,2,0,0,0,sales,low -0.61,0.97,3,137,3,0,0,0,accounting,low -0.96,1,5,162,3,0,0,0,accounting,low -0.7,0.59,4,216,3,0,0,0,accounting,low -0.92,0.49,3,240,2,0,0,0,hr,low -0.72,0.56,4,176,2,0,0,0,hr,medium -0.53,0.75,6,192,6,0,0,0,hr,medium -0.67,0.85,3,160,4,0,0,0,hr,medium -0.78,0.8,4,194,2,1,0,0,technical,medium -0.53,0.75,4,239,2,1,0,0,technical,medium -0.9,0.48,4,204,3,0,0,0,technical,medium -0.16,0.9,5,258,3,0,0,0,technical,medium -0.62,0.38,3,257,3,0,0,0,technical,medium -0.62,0.98,4,137,3,0,0,0,technical,medium -0.22,0.52,6,175,4,0,0,0,technical,medium -0.91,0.82,3,183,3,0,0,0,technical,medium -0.87,0.74,4,190,4,0,0,0,technical,medium -0.95,0.69,3,225,2,0,0,0,technical,high -0.99,0.75,3,215,3,0,0,0,technical,low -0.99,0.57,3,176,4,1,0,0,support,medium -0.77,0.99,4,153,3,1,0,0,support,medium -0.75,0.68,3,150,2,1,0,0,support,medium -0.83,0.54,4,259,5,0,0,0,support,medium -0.61,0.39,3,99,2,0,0,0,support,low -0.91,0.97,3,167,2,0,0,0,support,low -0.47,0.64,3,192,3,0,0,0,support,low -0.77,0.61,5,146,3,0,0,0,support,low -0.55,0.51,3,190,3,0,0,0,support,low -0.32,0.48,5,246,3,0,0,0,support,low -0.96,0.67,6,190,3,0,0,0,support,low -0.72,0.79,5,260,2,0,0,0,technical,low -0.8,0.9,4,136,3,0,0,0,technical,low -0.61,0.55,4,231,3,0,0,0,technical,low -0.97,0.88,3,204,2,0,0,0,management,low -0.63,0.93,4,201,3,0,0,0,IT,low -0.92,0.92,3,159,3,0,0,0,IT,low -0.94,0.74,5,171,3,0,0,0,IT,low -0.79,0.72,6,240,4,0,0,0,IT,low -0.75,0.73,2,152,4,0,0,0,IT,low -0.78,0.99,3,151,3,1,0,0,product_mng,low -0.96,0.45,6,232,2,1,0,0,product_mng,low -0.65,0.68,4,128,5,0,0,0,product_mng,low -0.18,0.94,3,187,6,1,0,0,product_mng,low -0.94,0.51,3,160,2,0,0,0,IT,low -0.84,0.79,4,259,3,0,0,0,RandD,medium -0.67,0.54,2,136,2,0,0,0,RandD,medium -0.71,0.5,4,253,3,0,0,0,RandD,medium -0.56,0.64,3,260,3,0,0,0,RandD,medium -0.29,0.56,5,231,6,0,0,0,RandD,medium -0.47,0.9,3,101,2,1,0,0,marketing,medium -0.4,0.69,2,174,3,0,0,0,sales,medium -0.81,0.82,4,167,2,0,0,0,accounting,medium -0.96,0.99,3,148,3,0,0,0,support,medium -0.99,0.75,6,139,5,1,0,0,technical,medium -0.75,0.77,4,136,3,0,0,0,management,medium -0.75,0.74,4,153,2,0,0,0,marketing,medium -1,0.86,4,161,2,0,0,0,marketing,high -0.52,0.53,2,163,2,0,0,0,marketing,low -0.98,0.74,3,164,3,0,0,0,sales,medium -0.6,0.64,2,137,5,0,0,0,sales,medium -0.38,0.44,3,137,3,0,0,0,sales,medium -0.51,0.41,6,106,5,0,0,0,sales,medium -0.91,0.61,2,272,2,0,0,0,sales,low -0.56,0.62,5,238,3,0,0,0,sales,low -0.58,0.69,4,223,4,0,0,0,sales,low -0.51,0.53,3,201,2,0,0,0,sales,low -0.91,0.55,6,97,4,0,0,0,sales,low -0.8,0.98,2,232,6,1,0,0,sales,low -0.55,0.83,4,199,3,0,0,0,sales,low -0.62,0.53,3,141,3,0,0,0,sales,low -0.62,0.6,3,171,2,0,0,0,sales,low -0.87,0.58,4,212,3,0,0,0,sales,low -0.65,0.5,5,270,2,0,0,0,sales,low -0.51,0.64,3,267,2,0,0,0,sales,low -0.98,0.77,3,134,2,1,0,0,sales,low -0.13,0.43,4,165,5,0,0,0,sales,low -0.78,0.76,5,168,4,1,0,0,sales,low -0.6,0.98,3,262,2,0,0,0,accounting,low -0.68,0.69,3,185,2,0,0,0,accounting,low -0.55,0.84,3,237,3,0,0,0,accounting,low -0.99,0.79,4,192,3,0,0,0,hr,low -0.92,0.68,5,236,2,0,0,0,hr,low -1,0.65,4,202,4,1,0,0,hr,low -0.77,0.93,4,171,2,0,0,0,hr,medium -0.86,0.7,5,160,3,0,0,0,technical,medium -0.89,0.84,2,252,3,0,0,0,technical,medium -0.58,0.55,5,206,3,0,0,0,technical,medium -0.56,0.66,3,212,2,0,0,0,technical,medium -0.38,0.64,3,111,3,0,0,0,technical,medium -0.62,0.64,3,240,2,0,0,0,technical,medium -0.66,0.77,2,171,2,0,0,0,technical,medium -0.3,0.44,3,129,2,0,0,0,technical,medium -0.82,0.83,3,271,2,0,0,0,technical,medium -0.96,0.68,4,162,2,0,0,0,technical,medium -0.66,0.95,3,191,3,0,0,0,technical,medium -0.79,0.5,5,176,3,0,0,0,support,high -0.97,0.77,3,182,2,1,0,0,support,low -0.59,0.65,3,226,3,0,0,0,support,medium -0.57,0.48,4,161,3,0,0,0,support,medium -0.64,0.53,4,163,3,0,0,0,support,medium -0.14,0.51,5,173,4,0,0,0,support,medium -0.48,0.55,3,228,2,0,0,0,support,low -0.78,1,3,139,3,0,0,0,support,low -0.96,0.62,5,128,5,0,0,0,support,low -0.82,0.97,3,115,2,1,0,0,support,low -0.94,0.9,5,191,4,0,0,0,support,low -0.95,0.66,4,183,3,0,0,0,technical,low -0.59,0.43,3,173,3,0,0,0,technical,low -0.69,0.89,4,174,2,0,0,0,technical,low -0.74,0.72,3,213,3,0,0,0,management,low -0.67,0.67,4,192,4,0,0,0,IT,low -0.83,0.52,3,167,2,1,0,0,IT,low -0.81,0.85,3,263,3,1,0,0,IT,low -0.54,0.73,2,100,3,0,0,0,IT,low -0.89,0.83,3,164,3,0,0,0,IT,low -0.79,0.74,5,172,2,0,0,0,product_mng,low -0.46,0.58,4,171,3,0,0,0,product_mng,low -0.99,0.93,4,236,3,0,0,0,product_mng,low -0.75,0.9,5,186,4,0,0,0,product_mng,low -0.93,0.82,4,175,3,0,0,0,IT,low -0.65,0.6,5,227,3,0,0,0,RandD,low -0.19,0.63,4,142,6,0,0,0,RandD,low -0.48,0.61,2,121,2,0,0,0,RandD,medium -0.95,0.64,5,234,3,0,0,0,RandD,medium -0.92,0.77,4,185,3,0,0,0,RandD,medium -0.84,0.54,4,160,3,0,0,0,marketing,medium -0.37,0.63,4,153,3,1,0,0,sales,medium -0.22,0.74,3,199,6,0,0,0,accounting,medium -0.64,0.54,3,166,2,0,0,0,support,medium -0.72,0.88,2,247,3,0,0,0,technical,medium -0.48,0.69,4,245,3,0,0,0,management,medium -0.12,0.55,5,242,4,0,0,0,marketing,medium -0.78,0.98,5,158,2,0,0,0,marketing,medium -0.71,0.74,3,163,3,1,0,0,marketing,medium -0.38,0.69,3,99,3,1,0,0,sales,high -0.57,0.85,4,164,3,0,0,0,sales,low -0.72,0.51,3,160,3,0,0,0,sales,medium -0.6,0.57,2,184,3,0,0,0,sales,medium -0.61,0.55,5,266,2,0,0,0,sales,medium -0.67,0.64,4,190,2,0,0,0,sales,medium -0.97,0.97,5,192,2,0,0,0,sales,low -0.22,0.6,3,205,6,1,0,0,sales,low -0.15,0.53,4,205,5,1,0,0,sales,low -0.6,0.6,3,258,3,0,0,0,sales,low -0.15,0.8,5,151,2,1,0,0,sales,low -0.5,0.81,3,148,2,0,0,0,sales,low -0.9,0.67,3,179,2,0,0,0,sales,low -0.84,0.51,6,141,2,1,0,0,sales,low -0.74,0.78,5,216,2,0,0,0,sales,low -0.72,0.51,3,235,2,0,0,0,sales,low -0.93,0.63,3,160,4,1,0,0,sales,low -0.54,0.69,3,141,4,0,0,0,sales,low -0.87,0.65,4,246,2,1,0,0,sales,low -0.19,0.98,5,226,4,1,0,0,accounting,low -0.33,0.4,4,212,2,1,0,0,accounting,low -0.94,0.93,4,220,3,0,0,0,accounting,low -0.77,0.49,4,266,2,0,0,0,hr,low -0.48,0.82,3,183,2,0,0,0,hr,low -0.7,0.74,5,263,3,1,0,0,hr,low -0.54,0.93,4,161,4,1,0,0,hr,low -0.61,0.98,4,199,2,0,0,0,technical,low -0.97,0.4,4,258,4,1,0,0,technical,medium -0.6,0.85,3,209,2,1,0,0,technical,medium -0.93,0.84,5,135,3,0,0,0,technical,medium -0.48,0.69,4,222,2,0,0,0,technical,medium -0.16,0.76,5,192,3,0,0,0,technical,medium -0.18,0.75,3,250,3,0,0,0,technical,medium -0.84,0.75,3,187,3,1,0,0,technical,medium -0.69,0.63,4,217,3,0,0,0,technical,medium -0.22,0.88,4,213,3,1,0,0,technical,medium -0.83,0.52,4,273,3,0,0,0,technical,medium -0.58,0.5,2,132,3,0,0,0,support,medium -0.61,0.62,4,140,3,1,0,0,support,medium -0.67,0.5,4,173,2,1,0,0,support,high -0.56,0.76,4,189,2,0,0,0,support,low -0.74,0.74,3,156,3,0,0,0,support,medium -0.92,0.97,4,238,5,1,0,0,support,medium -0.81,0.68,5,230,2,0,0,0,support,medium -0.48,0.49,4,242,2,1,0,0,support,medium -0.73,0.72,4,197,3,0,0,0,support,low -0.97,0.66,6,164,5,0,0,0,support,low -0.15,0.51,6,248,5,0,0,0,support,low -0.69,0.76,5,255,6,0,0,0,technical,low -0.61,0.68,5,225,4,0,0,0,technical,low -0.86,0.58,3,151,2,0,0,0,technical,low -0.55,0.88,4,252,3,0,0,0,management,low -0.9,0.74,4,206,4,1,0,0,IT,low -0.65,0.4,2,141,2,0,0,0,IT,low -0.81,0.92,5,259,3,0,0,0,IT,low -0.65,0.86,5,250,3,0,0,0,IT,low -0.47,0.86,4,169,6,0,0,0,IT,low -0.93,0.53,3,200,3,1,0,0,product_mng,low -0.77,0.9,4,104,5,0,0,0,product_mng,low -0.87,0.82,6,176,3,0,0,0,product_mng,low -0.87,0.84,5,137,2,0,0,0,product_mng,low -0.65,0.75,2,151,3,0,0,0,IT,low -0.21,0.7,6,130,6,1,0,0,RandD,low -0.75,0.59,4,199,2,0,0,0,RandD,low -0.72,0.86,4,191,2,0,0,0,RandD,low -0.88,0.63,3,273,3,1,0,0,RandD,low -0.66,0.58,3,205,3,0,0,0,RandD,medium -0.8,0.75,3,181,3,0,0,0,marketing,medium -0.22,0.55,4,261,3,1,0,0,sales,medium -0.92,0.69,3,192,3,0,0,0,accounting,medium -0.54,0.77,4,271,3,0,0,0,support,medium -0.91,0.56,4,158,3,0,0,0,technical,medium -0.77,0.83,4,231,2,0,0,0,management,medium -0.61,0.51,3,156,3,1,0,0,marketing,medium -0.48,0.9,4,201,4,0,0,0,marketing,medium -0.25,0.69,3,187,4,0,0,0,marketing,medium -0.91,0.7,3,132,4,0,0,0,sales,medium -0.72,0.58,5,147,3,1,0,0,sales,medium -0.77,0.71,4,223,3,0,0,0,sales,high -0.41,0.4,2,194,2,0,0,0,sales,low -0.51,0.49,4,234,2,0,0,0,sales,medium -0.72,0.79,3,149,3,0,0,0,sales,medium -0.47,0.57,3,162,3,1,0,0,sales,medium -0.53,0.67,4,238,2,0,0,0,sales,medium -0.65,0.52,5,149,3,0,0,0,sales,low -0.18,0.75,4,170,5,0,0,0,sales,low -0.61,0.48,3,250,2,0,0,0,sales,low -0.86,0.72,4,167,2,0,0,0,sales,low -0.14,0.77,4,166,5,0,0,0,sales,low -0.63,0.8,3,205,2,0,0,0,sales,low -0.79,0.57,3,250,3,0,0,0,sales,low -0.78,0.97,4,142,3,0,0,0,sales,low -0.14,0.52,4,217,6,0,0,0,sales,low -0.85,0.54,3,139,3,0,0,0,sales,low -0.85,0.75,4,139,3,0,0,0,sales,low -0.91,0.76,5,152,3,0,0,0,accounting,low -0.76,0.74,3,224,2,0,0,0,accounting,low -0.62,0.72,5,180,3,0,0,0,accounting,low -0.53,0.69,4,216,2,0,0,0,hr,low -0.97,0.63,3,133,3,0,0,0,hr,low -0.48,0.53,4,271,3,0,0,0,hr,low -0.5,0.55,4,148,3,1,0,0,hr,low -0.32,0.42,2,99,4,0,0,0,technical,low -0.58,0.77,4,196,2,1,0,0,technical,low -0.81,0.83,3,196,2,0,0,0,technical,low -0.48,0.84,4,228,3,0,0,0,technical,medium -0.96,0.88,4,165,2,0,0,0,technical,medium -0.56,0.9,3,235,2,0,0,0,technical,medium -0.63,0.96,4,167,2,0,0,0,technical,medium -0.21,0.5,5,255,5,0,0,0,technical,medium -0.94,0.78,3,184,3,1,0,0,technical,medium -0.94,0.89,4,239,3,0,0,0,technical,medium -0.96,0.54,3,153,2,0,0,0,technical,medium -0.49,0.5,4,187,5,1,0,0,support,medium -0.82,0.68,2,285,2,0,0,0,support,medium -0.6,0.5,3,274,3,0,0,0,support,medium -0.76,0.5,3,156,3,1,0,0,support,medium -0.69,0.64,5,265,2,1,0,0,support,high -1,0.94,4,144,3,0,0,0,support,low -0.62,0.66,4,143,3,0,0,0,support,medium -0.4,0.99,4,214,6,1,0,0,support,medium -0.94,0.91,3,163,3,0,0,0,support,medium -0.76,0.84,4,236,4,0,0,0,support,medium -0.58,0.69,3,146,4,0,0,0,support,low -0.85,0.78,4,106,2,0,0,0,technical,low -0.45,0.52,2,105,3,0,0,0,technical,low -0.13,0.67,3,181,4,0,0,0,technical,low -0.24,0.5,5,174,4,0,0,0,management,low -0.64,0.69,3,207,2,1,0,0,IT,low -0.63,0.61,6,118,2,0,0,0,IT,low -0.61,0.99,4,251,2,0,0,0,IT,low -0.71,0.99,2,136,3,0,0,0,IT,low -0.9,0.89,5,249,3,1,0,0,IT,low -0.17,0.76,4,171,5,0,0,0,product_mng,low -0.93,0.97,3,256,2,1,0,0,product_mng,low -0.83,0.89,5,141,3,1,0,0,product_mng,low -0.58,0.75,4,186,2,0,0,0,product_mng,low -0.76,0.5,3,258,3,0,0,0,IT,low -0.5,0.78,3,228,2,0,0,0,RandD,low -0.22,0.81,5,205,4,0,0,0,RandD,low -0.9,0.88,4,174,3,0,0,0,RandD,low -0.7,0.63,3,155,4,1,0,0,RandD,low -0.73,0.85,5,245,3,0,0,0,RandD,low -0.84,0.87,3,271,3,0,0,0,marketing,low -0.55,0.63,5,184,4,0,0,0,marketing,medium -0.63,0.98,4,175,2,0,0,0,sales,medium -0.51,0.92,3,224,3,0,0,0,accounting,medium -0.81,0.76,4,177,3,0,0,0,support,medium -0.8,0.96,4,268,3,0,0,0,technical,medium -0.99,0.97,4,208,3,0,0,0,management,medium -0.9,0.87,5,219,2,0,0,0,marketing,medium -0.65,0.67,5,128,5,0,0,0,marketing,medium -0.75,0.75,3,273,3,0,0,0,marketing,medium -0.62,0.49,4,218,4,0,0,0,sales,medium -0.61,0.63,5,230,3,0,0,0,sales,medium -0.24,0.6,4,195,5,0,0,0,sales,medium -0.71,0.63,3,254,3,1,0,0,sales,high -0.49,0.8,2,275,2,0,0,0,sales,low -0.44,0.66,3,162,2,0,0,0,sales,medium -0.75,0.87,4,193,3,0,0,0,sales,medium -0.74,0.84,3,239,4,0,0,0,sales,medium -0.62,0.87,5,149,3,0,0,0,sales,medium -0.51,0.58,3,155,3,0,0,0,sales,low -0.61,0.59,5,271,2,0,0,0,sales,low -0.56,0.49,5,163,3,0,0,0,sales,low -0.79,0.76,3,160,3,0,0,0,sales,low -0.68,0.75,6,274,5,0,0,0,sales,low -0.9,0.84,2,199,3,0,0,0,sales,low -0.83,0.93,5,241,3,0,0,0,sales,low -0.94,0.82,3,187,3,0,0,0,sales,low -0.21,0.65,5,223,3,1,0,0,sales,low -0.58,0.87,3,268,2,0,0,0,sales,low -0.52,0.38,6,169,3,0,0,0,accounting,low -0.18,0.67,5,285,5,0,0,0,accounting,low -0.94,0.91,5,254,3,0,0,0,accounting,low -0.69,0.5,3,208,4,0,0,0,hr,low -0.65,0.83,4,218,3,0,0,0,hr,low -0.46,0.62,2,187,3,0,0,0,hr,low -0.72,0.62,4,256,3,0,0,0,hr,low -0.3,0.37,6,278,3,0,0,0,technical,low -0.51,0.51,4,204,2,0,0,0,technical,low -0.43,0.75,3,108,2,0,0,0,technical,low -0.56,0.94,3,226,2,0,0,0,technical,low -0.63,0.91,4,246,3,0,0,0,technical,medium -0.61,0.55,5,260,3,0,0,0,technical,medium -0.53,0.73,4,248,2,0,0,0,technical,medium -0.87,0.75,3,132,3,0,0,0,technical,medium -0.68,0.7,4,185,4,0,0,0,technical,medium -0.78,0.84,3,269,2,0,0,0,technical,medium -0.49,0.95,4,156,2,0,0,0,technical,medium -0.96,0.81,3,212,3,0,0,0,support,medium -0.83,0.74,3,221,2,0,0,0,support,medium -0.48,0.67,5,273,3,0,0,0,support,medium -0.63,0.86,4,271,3,1,0,0,support,medium -0.87,0.38,4,183,5,0,0,0,support,medium -0.21,0.9,4,271,6,0,0,0,support,high -0.79,0.58,5,165,3,0,0,0,support,low -0.8,0.96,3,257,5,0,0,0,support,medium -0.78,0.82,4,143,3,0,0,0,support,medium -0.67,0.65,5,156,2,0,0,0,support,medium -0.67,0.71,3,190,3,1,0,0,support,medium -0.26,0.67,2,242,6,0,0,0,technical,low -0.89,0.83,5,267,4,0,0,0,technical,low -0.7,0.53,4,152,3,0,0,0,technical,low -0.51,0.48,5,136,4,0,0,0,management,low -0.53,0.88,3,157,3,0,0,0,IT,low -0.76,0.51,4,281,3,0,0,0,IT,low -0.86,0.93,5,208,2,0,0,0,IT,low -0.63,0.96,5,152,3,0,0,0,IT,low -0.58,0.86,5,271,3,0,0,0,IT,low -0.58,0.83,4,163,3,1,0,0,product_mng,low -0.9,0.82,4,136,3,0,0,0,product_mng,low -0.79,0.57,4,233,2,0,0,0,product_mng,low -0.8,0.74,4,221,4,0,0,0,product_mng,low -0.53,0.65,2,189,2,1,0,0,IT,low -0.52,0.84,2,226,3,0,0,0,RandD,low -0.82,0.59,5,201,3,0,0,0,RandD,low -0.68,0.9,2,133,4,0,0,0,RandD,low -0.21,0.61,3,173,2,0,0,0,RandD,low -0.81,0.5,4,152,3,1,0,0,RandD,low -0.57,0.9,3,256,4,0,0,0,RandD,low -0.99,0.72,3,119,2,1,0,0,marketing,low -0.9,1,4,207,3,0,0,0,sales,medium -0.76,0.64,3,189,3,0,0,0,accounting,medium -0.56,0.92,4,172,2,0,0,0,support,medium -0.5,0.93,6,150,3,1,0,0,technical,medium -0.48,0.89,5,179,3,0,0,0,management,medium -0.99,0.97,3,257,2,0,0,0,marketing,medium -0.76,0.8,5,229,2,0,0,0,marketing,medium -0.93,0.97,4,227,3,0,0,0,marketing,medium -0.99,0.78,4,140,3,0,0,0,sales,medium -0.85,0.78,4,251,3,0,0,0,sales,medium -0.63,0.95,4,137,3,0,0,0,sales,medium -0.63,0.78,3,153,3,1,0,0,sales,medium -0.5,0.65,5,242,3,0,0,0,sales,high -0.52,0.57,3,150,3,0,0,0,sales,low -0.63,0.99,3,247,3,0,0,0,sales,medium -0.78,0.5,4,212,2,0,0,0,sales,medium -0.98,0.53,3,234,3,0,0,0,sales,medium -0.14,1,5,174,5,0,0,0,sales,medium -0.7,0.9,3,225,2,0,0,0,sales,low -0.88,0.6,4,224,2,0,0,0,sales,low -0.72,0.62,3,270,4,0,0,0,sales,low -0.88,0.51,4,139,3,0,0,0,sales,low -0.71,0.51,3,248,4,0,0,0,sales,low -0.6,0.85,3,172,2,0,0,0,sales,low -0.88,0.86,4,224,3,1,0,0,sales,low -0.55,0.72,5,232,4,0,0,0,sales,low -0.85,0.55,4,260,2,1,0,0,sales,low -0.84,0.51,2,117,4,0,0,0,accounting,low -0.91,0.61,4,243,2,1,0,0,accounting,low -0.82,0.62,4,202,2,0,0,0,accounting,low -0.6,0.91,2,168,4,0,0,0,hr,low -0.89,0.71,5,194,3,0,0,0,hr,low -0.6,0.97,4,219,4,1,0,0,hr,low -0.64,0.52,4,207,3,0,0,0,hr,low -0.93,0.88,4,177,3,0,0,0,technical,low -0.81,0.99,3,239,2,1,0,0,technical,low -0.31,0.49,4,165,3,1,0,0,technical,low -0.68,0.69,4,225,2,0,0,0,technical,low -0.78,0.59,3,212,2,0,0,0,technical,low -0.44,0.42,4,159,4,0,0,0,technical,medium -0.64,0.93,4,233,2,1,0,0,technical,medium -0.81,0.63,4,108,6,0,0,0,technical,medium -0.5,0.49,3,214,3,0,0,0,technical,medium -0.69,0.61,5,229,3,0,0,0,technical,medium -0.77,0.75,4,223,3,0,0,0,technical,medium -0.69,0.56,4,178,3,0,0,0,support,medium -0.87,0.68,4,246,2,0,0,0,support,medium -0.85,0.91,4,145,3,0,0,0,support,medium -0.83,0.83,4,224,4,0,0,0,support,medium -0.68,0.51,3,259,3,0,0,0,support,medium -0.78,0.65,4,207,2,0,0,0,support,medium -0.78,0.89,3,253,3,0,0,0,support,high -0.93,0.68,4,196,2,1,0,0,support,low -0.54,0.75,3,240,3,0,0,0,support,medium -0.76,0.56,3,255,3,0,0,0,support,medium -0.4,0.72,3,139,2,0,0,0,support,medium -0.73,0.81,3,168,2,0,0,0,technical,medium -0.86,0.98,5,233,3,0,0,0,technical,low -0.38,0.68,5,211,6,0,0,0,technical,low -0.71,0.48,5,114,3,0,0,0,management,low -0.58,0.97,5,202,2,0,0,0,IT,low -0.67,0.59,3,177,3,1,0,0,IT,low -0.55,0.76,4,233,4,0,0,0,IT,low -0.76,0.98,2,111,2,0,0,0,IT,low -0.7,0.82,3,178,3,0,0,0,IT,low -0.66,0.46,4,204,4,0,0,0,product_mng,low -0.96,0.72,3,272,3,0,0,0,product_mng,low -0.6,0.77,4,157,4,0,0,0,product_mng,low -0.54,0.94,5,229,3,1,0,0,product_mng,low -0.85,0.9,5,202,3,0,0,0,IT,low -0.96,0.84,3,264,3,0,0,0,RandD,low -0.86,0.62,3,256,3,1,0,0,RandD,low -0.53,0.87,3,151,2,0,0,0,RandD,low -0.91,0.95,3,251,3,0,0,0,RandD,low -0.33,0.7,5,271,4,0,0,0,RandD,low -0.75,0.73,4,274,2,0,0,0,RandD,low -0.97,0.8,3,169,3,0,0,0,marketing,low -0.68,0.51,4,176,4,1,0,0,sales,low -0.68,0.7,5,168,2,0,0,0,accounting,medium -0.57,0.87,4,171,2,0,0,0,support,medium -0.87,0.9,4,214,3,0,0,0,technical,medium -0.5,0.91,5,224,2,1,0,0,management,medium -0.76,0.59,3,191,4,0,0,0,marketing,medium -0.79,0.61,5,96,4,0,0,0,marketing,medium -0.17,0.9,6,217,6,1,0,0,marketing,medium -0.6,0.62,4,135,2,1,0,0,sales,medium -0.89,0.67,3,226,3,0,0,0,sales,medium -0.69,0.87,3,202,2,0,0,0,sales,medium -0.68,0.85,2,180,6,0,0,0,sales,medium -0.61,0.87,5,174,4,0,0,0,sales,medium -0.63,0.5,3,140,2,0,0,0,sales,high -0.5,0.96,4,147,3,0,0,0,sales,low -0.49,0.74,2,263,3,1,0,0,sales,medium -0.83,0.55,5,261,5,0,0,0,sales,medium -0.59,0.71,2,176,2,1,0,0,sales,medium -0.75,0.93,2,98,5,0,0,0,sales,medium -0.66,0.48,3,192,3,1,0,0,sales,low -0.68,0.51,4,157,3,0,0,0,sales,low -0.73,0.58,5,230,3,0,0,0,sales,low -0.98,0.53,4,192,2,1,0,0,sales,low -0.86,0.65,3,161,3,0,0,0,sales,low -0.5,0.55,3,176,3,0,0,0,sales,low -0.76,0.76,3,216,3,0,0,0,sales,low -0.3,0.47,4,176,2,0,0,0,sales,low -0.3,0.86,3,276,5,1,0,0,accounting,low -0.64,0.59,3,174,3,1,0,0,accounting,low -0.59,0.75,3,106,2,0,0,0,accounting,low -0.85,0.63,4,154,3,0,0,0,hr,low -0.76,0.93,3,271,5,0,0,0,hr,low -0.63,0.5,5,246,2,0,0,0,hr,low -0.65,0.86,4,264,2,1,0,0,hr,low -0.43,0.68,3,197,2,0,0,0,technical,low -0.83,0.56,4,165,2,0,0,0,technical,low -0.49,0.77,4,218,2,0,0,0,technical,low -0.67,0.73,3,203,2,0,0,0,technical,low -0.9,0.47,2,107,6,1,0,0,technical,low -0.83,0.96,3,179,2,0,0,0,technical,low -0.92,0.84,5,264,3,0,0,0,technical,medium -0.83,0.7,5,154,3,0,0,0,technical,medium -0.64,0.55,4,167,3,1,0,0,technical,medium -0.93,0.97,4,158,3,1,0,0,technical,medium -0.6,0.87,4,227,3,1,0,0,technical,medium -0.74,0.69,3,230,2,0,0,0,support,medium -0.56,0.75,5,143,5,0,0,0,support,medium -0.61,0.77,4,142,3,0,0,0,support,medium -0.63,0.62,4,184,4,0,0,0,support,medium -0.24,0.62,5,169,4,0,0,0,support,medium -0.17,0.56,5,218,4,1,0,0,support,medium -0.46,0.64,2,121,3,0,0,0,support,medium -0.68,0.48,4,251,4,0,0,0,support,high -0.68,0.6,2,192,6,0,0,0,support,low -0.16,0.71,6,227,5,0,0,0,support,medium -0.15,0.56,6,140,5,0,0,0,support,medium -0.55,0.49,3,152,2,0,0,0,technical,medium -0.72,0.66,4,202,4,0,0,0,technical,medium -0.91,0.89,2,219,4,0,0,0,technical,low -0.3,0.91,4,248,4,0,0,0,management,low -0.56,0.68,5,203,2,0,0,0,IT,low -0.94,0.94,3,255,3,0,0,0,IT,low -0.82,0.63,5,177,3,0,0,0,IT,low -0.66,0.86,5,185,3,0,0,0,IT,low -0.74,0.64,4,101,6,1,0,0,IT,low -0.63,0.5,3,246,3,0,0,0,product_mng,low -0.65,0.42,6,220,2,0,0,0,product_mng,low -0.56,0.81,3,145,2,0,0,0,product_mng,low -0.32,0.73,6,194,5,0,0,0,product_mng,low -0.8,0.9,4,241,2,0,0,0,IT,low -0.34,0.87,6,175,4,0,0,0,RandD,low -0.62,0.71,5,149,2,0,0,0,RandD,low -0.5,0.86,3,253,2,0,0,0,RandD,low -0.58,0.98,5,218,3,0,0,0,RandD,low -0.94,0.9,2,263,3,0,0,0,RandD,low -0.67,0.99,4,247,3,1,0,0,RandD,low -0.2,0.74,6,148,4,0,0,0,marketing,low -0.91,0.59,5,162,2,0,0,0,sales,low -0.91,0.67,2,255,4,0,0,0,accounting,low -0.78,0.87,3,191,3,1,0,0,support,medium -0.82,0.55,3,217,4,1,0,0,technical,medium -0.54,0.96,3,201,3,0,0,0,management,medium -0.53,0.81,3,253,3,0,0,0,marketing,medium -0.47,0.55,4,122,5,1,0,0,marketing,medium -0.87,0.5,3,269,3,0,0,0,marketing,medium -0.5,0.68,4,161,3,0,0,0,sales,medium -0.59,0.83,3,156,2,0,0,0,sales,medium -0.89,0.69,3,173,3,0,0,0,sales,medium -0.54,0.49,4,152,3,1,0,0,sales,medium -0.62,0.85,3,145,3,0,0,0,sales,medium -0.91,0.85,3,248,3,0,0,0,sales,medium -0.84,0.99,2,184,2,0,0,0,sales,high -0.69,0.65,4,232,2,1,0,0,sales,low -0.76,0.63,3,162,2,0,0,0,sales,medium -0.8,0.54,4,269,3,0,0,0,sales,medium -0.4,0.47,5,108,3,0,0,0,sales,medium -0.8,0.99,3,248,3,1,0,0,sales,medium -0.76,0.4,2,122,5,0,0,0,sales,low -0.55,0.9,4,273,2,1,0,0,sales,low -0.98,0.63,3,285,6,0,0,0,sales,low -0.54,0.56,4,227,3,0,0,0,sales,low -0.63,0.56,4,248,2,1,0,0,sales,low -0.88,0.63,3,257,3,0,0,0,sales,low -0.5,0.95,5,194,3,0,0,0,sales,low -0.52,0.72,3,253,3,0,0,0,accounting,low -0.89,0.95,4,141,3,0,0,0,accounting,low -0.55,0.9,4,199,3,0,0,0,accounting,low -0.51,0.81,3,143,2,0,0,0,hr,low -0.35,0.52,5,244,3,0,0,0,hr,low -0.54,0.71,5,173,2,0,0,0,hr,low -0.72,0.84,4,186,3,0,0,0,hr,low -0.61,0.93,2,247,3,0,0,0,technical,low -0.17,0.93,3,218,4,0,0,0,technical,low -0.71,0.88,3,140,2,0,0,0,technical,low -0.88,0.52,4,166,2,0,0,0,technical,low -0.48,1,3,216,2,0,0,0,technical,low -0.16,0.97,6,235,3,0,0,0,technical,low -0.62,0.72,3,188,3,0,0,0,technical,low -0.59,0.47,3,143,2,0,0,0,technical,medium -0.14,0.9,4,198,4,0,0,0,technical,medium -0.96,0.92,4,148,3,0,0,0,technical,medium -0.96,0.42,6,101,4,0,0,0,technical,medium -0.13,0.89,4,249,6,1,0,0,support,medium -0.64,0.61,5,249,3,1,0,0,support,medium -0.64,0.67,5,198,2,1,0,0,support,medium -0.57,0.72,3,202,3,1,0,0,support,medium -0.49,1,3,176,3,0,0,0,support,medium -0.89,0.79,4,133,2,0,0,0,support,medium -0.94,0.75,5,238,2,0,0,0,support,medium -0.51,0.58,2,181,4,0,0,0,support,medium -0.8,0.85,5,242,3,0,0,0,support,high -0.74,0.51,4,185,2,1,0,0,support,low -0.66,0.85,4,237,3,1,0,0,support,medium -0.66,0.99,5,244,3,0,0,0,technical,medium -0.59,0.62,3,178,4,0,0,0,technical,medium -0.91,0.57,3,164,3,0,0,0,technical,medium -0.83,0.98,5,189,4,1,0,0,management,low -0.5,0.91,3,212,2,0,0,0,IT,low -0.69,0.97,4,233,3,0,0,0,IT,low -0.87,0.91,5,268,3,0,0,0,IT,low -0.37,0.43,2,155,2,0,0,0,IT,low -0.9,0.98,4,257,3,0,0,0,IT,low -0.68,0.41,4,254,5,0,0,0,product_mng,low -0.93,0.63,4,143,3,1,0,0,product_mng,low -0.95,0.45,3,225,2,0,0,0,product_mng,low -0.99,1,4,223,2,1,0,0,product_mng,low -0.64,0.9,2,101,6,0,0,0,IT,low -0.96,0.37,2,159,6,0,0,0,RandD,low -0.92,0.54,5,141,2,0,0,0,RandD,low -0.22,0.52,5,147,5,1,0,0,RandD,low -0.82,0.99,5,252,3,1,0,0,RandD,low -0.75,0.89,3,196,3,0,0,0,RandD,low -0.2,0.89,6,244,3,0,0,0,RandD,low -0.64,0.73,3,142,3,0,0,0,marketing,low -0.62,0.9,4,155,4,0,0,0,sales,low -0.73,0.59,3,219,2,0,0,0,accounting,low -0.52,0.51,3,213,4,0,0,0,support,low -0.63,0.67,5,263,3,0,0,0,technical,medium -0.84,0.92,4,274,3,0,0,0,management,medium -0.49,0.96,3,140,3,0,0,0,marketing,medium -0.54,0.78,4,176,2,0,0,0,marketing,medium -0.52,0.78,4,206,2,0,0,0,marketing,medium -0.66,0.63,6,223,6,0,0,0,sales,medium -0.73,0.41,2,231,6,1,0,0,sales,medium -0.54,0.64,3,250,3,0,0,0,sales,medium -0.72,0.68,5,266,4,0,0,0,sales,medium -0.75,0.64,4,247,3,1,0,0,sales,medium -0.77,0.57,3,189,2,0,0,0,sales,medium -0.42,0.94,5,227,5,0,0,0,sales,medium -0.13,0.69,4,127,4,0,0,0,sales,high -0.73,0.88,5,204,5,0,0,0,sales,low -0.5,0.95,5,137,3,0,0,0,sales,medium -0.92,0.62,4,265,3,1,0,0,sales,medium -0.73,0.66,3,135,2,0,0,0,sales,medium -0.74,0.38,2,126,3,0,0,0,sales,medium -0.76,0.78,3,189,2,0,0,0,sales,low -0.53,0.92,3,207,4,1,0,0,sales,low -0.65,0.72,3,134,3,0,0,0,sales,low -0.91,0.85,4,203,2,0,0,0,sales,low -0.69,0.76,5,222,3,1,0,0,sales,low -0.56,0.66,3,232,2,0,0,0,sales,low -0.55,0.81,4,267,5,0,0,0,accounting,low -0.74,0.5,5,131,3,0,0,0,accounting,low -0.86,0.86,3,155,4,0,0,0,accounting,low -0.82,0.74,3,232,3,0,0,0,hr,low -0.35,0.8,3,137,5,0,0,0,hr,low -0.93,0.99,4,136,4,0,0,0,hr,low -0.55,0.77,3,237,2,0,0,0,hr,low -0.99,0.68,4,190,3,0,0,0,technical,low -0.91,0.89,4,144,3,1,0,0,technical,low -0.24,0.65,6,194,3,0,0,0,technical,low -0.77,0.67,3,186,2,0,0,0,technical,low -0.64,0.66,3,218,3,0,0,0,technical,low -0.58,0.76,5,260,2,1,0,0,technical,low -0.65,0.99,4,200,4,0,0,0,technical,low -0.44,0.68,3,140,3,0,0,0,technical,low -0.59,0.75,2,156,3,0,0,0,technical,medium -0.99,0.56,3,193,3,1,0,0,technical,medium -0.75,0.79,4,145,3,0,0,0,technical,medium -0.77,0.49,4,217,2,0,0,0,support,medium -0.85,0.64,4,162,3,0,0,0,support,medium -0.77,0.93,5,182,4,0,0,0,support,medium -0.54,0.95,3,221,3,0,0,0,support,medium -0.69,0.82,4,208,2,0,0,0,support,medium -0.66,0.65,5,161,3,0,0,0,support,medium -0.51,0.65,4,269,3,0,0,0,support,medium -0.74,0.59,4,155,3,0,0,0,support,medium -0.55,0.72,3,110,3,0,0,0,support,medium -0.65,0.84,3,154,3,0,0,0,support,high -0.2,0.77,6,213,4,0,0,0,support,low -0.92,0.94,5,248,3,0,0,0,technical,medium -0.57,0.6,3,202,3,0,0,0,technical,medium -0.75,0.78,2,251,6,0,0,0,technical,medium -0.68,0.84,3,239,2,0,0,0,management,medium -0.97,0.7,3,203,3,0,0,0,IT,low -0.79,0.48,4,184,5,1,0,0,IT,low -0.66,0.75,4,203,3,1,0,0,IT,low -0.96,0.69,3,214,2,1,0,0,IT,low -0.73,0.69,4,161,3,0,0,0,IT,low -0.29,0.58,5,234,2,0,0,0,product_mng,low -0.58,0.56,3,151,2,0,0,0,product_mng,low -0.72,0.58,4,149,3,0,0,0,product_mng,low -0.94,0.87,4,240,3,0,0,0,product_mng,low -0.48,0.56,5,140,2,0,0,0,IT,low -0.6,0.99,3,187,2,0,0,0,RandD,low -0.97,0.58,5,156,2,1,0,0,RandD,low -0.74,0.41,4,250,4,0,0,0,RandD,low -0.97,0.61,3,165,2,0,0,0,RandD,low -0.88,0.67,5,260,3,1,0,0,RandD,low -0.5,0.7,3,274,3,0,0,0,marketing,low -0.93,0.98,4,160,3,0,0,0,sales,low -0.3,0.7,5,280,4,1,0,0,accounting,low -0.69,0.53,3,142,3,0,0,0,support,low -0.69,0.9,2,155,2,0,0,0,technical,low -0.53,0.67,4,167,2,0,0,0,management,low -0.32,0.8,3,263,3,0,0,0,marketing,medium -0.73,0.75,3,259,4,0,0,0,marketing,medium -0.77,0.61,4,223,3,0,0,0,marketing,medium -0.59,0.81,6,123,5,0,0,0,sales,medium -0.19,0.51,5,226,3,0,0,0,sales,medium -0.78,0.95,3,270,2,0,0,0,sales,medium -0.84,0.74,3,139,3,0,0,0,sales,medium -0.65,0.77,5,241,2,0,0,0,sales,medium -0.38,0.43,2,160,6,0,0,0,sales,medium -0.12,0.47,3,258,5,0,0,0,sales,medium -0.74,0.81,5,106,5,0,0,0,sales,medium -0.67,0.82,4,171,2,0,0,0,sales,medium -0.5,0.79,3,186,3,0,0,0,sales,high -0.99,0.39,6,214,5,1,0,0,sales,low -0.79,0.89,4,240,3,0,0,0,sales,medium -0.72,0.51,4,164,3,0,0,0,sales,medium -0.83,0.57,4,232,3,0,0,0,sales,medium -0.69,0.55,5,242,2,0,0,0,sales,medium -0.5,0.89,5,222,3,0,0,0,sales,low -0.82,0.84,3,139,2,1,0,0,sales,low -0.68,0.56,4,272,3,0,0,0,sales,low -0.82,0.69,4,262,2,0,0,0,sales,low -0.32,0.81,2,249,3,0,0,0,accounting,low -0.93,0.86,4,219,3,0,0,0,accounting,low -0.42,0.73,4,208,5,0,0,0,accounting,low -0.22,0.44,3,166,6,0,0,0,hr,low -0.56,0.88,3,174,3,0,0,0,hr,low -0.77,0.75,4,225,3,0,0,0,hr,low -0.29,0.48,2,116,6,1,0,0,hr,low -0.97,0.65,3,219,2,0,0,0,technical,low -0.91,0.7,4,196,2,0,0,0,technical,low -0.52,0.67,4,210,3,1,0,0,technical,low -0.54,0.64,2,219,3,0,0,0,technical,low -0.54,0.98,3,197,3,0,0,0,technical,low -0.67,0.52,2,102,6,0,0,0,technical,low -0.72,0.85,3,186,4,0,0,0,technical,low -0.68,0.51,4,224,2,0,0,0,technical,low -0.65,0.98,3,283,2,1,0,0,technical,low -0.72,0.98,5,197,4,0,0,0,technical,low -0.51,0.79,5,267,3,0,0,0,technical,medium -0.8,0.58,4,172,3,0,0,0,support,medium -0.83,0.93,4,261,2,0,0,0,support,medium -0.15,0.86,3,204,4,0,0,0,support,medium -0.5,0.73,4,237,2,0,0,0,support,medium -0.8,0.55,2,212,3,0,0,0,support,medium -0.96,0.62,4,217,2,0,0,0,support,medium -0.67,0.7,5,159,3,1,0,0,support,medium -0.98,0.96,5,139,3,0,0,0,support,medium -0.88,0.59,5,230,3,0,0,0,support,medium -0.85,0.79,3,157,4,0,0,0,support,medium -0.75,0.7,5,269,3,0,0,0,support,medium -0.38,0.77,2,170,3,0,0,0,technical,high -0.55,0.82,2,197,4,0,0,0,technical,low -0.63,0.89,4,246,3,0,0,0,technical,medium -0.78,0.51,4,278,3,0,0,0,management,medium -0.99,0.84,5,138,2,0,0,0,IT,medium -0.72,0.87,3,238,3,0,0,0,IT,medium -0.14,0.83,5,175,6,1,0,0,IT,low -0.81,0.67,4,216,3,0,0,0,IT,low -0.73,0.86,4,196,4,1,0,0,IT,low -0.58,0.8,5,187,3,1,0,0,product_mng,low -0.24,0.85,4,155,5,0,0,0,product_mng,low -0.31,0.86,3,205,5,0,0,0,product_mng,low -0.74,0.63,3,230,2,0,0,0,product_mng,low -0.86,0.69,5,157,3,0,0,0,IT,low -0.22,0.8,4,287,4,0,0,0,RandD,low -0.66,0.7,4,161,3,0,0,0,RandD,low -0.21,0.76,5,239,2,0,0,0,RandD,low -0.95,0.61,3,267,2,0,0,0,RandD,low -0.24,0.55,5,208,5,0,0,0,RandD,low -0.66,0.95,3,133,3,0,0,0,marketing,low -0.88,0.86,3,187,3,0,0,0,marketing,low -0.67,0.61,4,140,2,0,0,0,sales,low -0.75,0.58,4,270,3,0,0,0,accounting,low -0.93,0.48,3,147,3,0,0,0,support,low -0.64,0.71,3,181,2,0,0,0,technical,low -0.51,0.53,3,156,3,0,0,0,management,low -0.98,0.5,4,207,3,0,0,0,marketing,low -0.72,0.63,4,241,4,1,0,0,marketing,medium -0.51,0.75,4,154,3,0,0,0,marketing,medium -0.54,0.58,4,206,3,0,0,0,sales,medium -0.99,0.76,4,204,2,0,0,0,sales,medium -0.44,0.9,4,117,3,0,0,0,sales,medium -0.74,0.48,5,144,3,0,0,0,sales,medium -0.9,0.77,3,156,3,0,0,0,sales,medium -0.86,0.58,4,211,4,0,0,0,sales,medium -0.66,0.52,3,149,4,1,0,0,sales,medium -0.64,0.96,4,152,5,0,0,0,sales,medium -0.5,0.59,4,192,2,0,0,0,sales,medium -0.88,0.68,4,274,4,0,0,0,sales,medium -0.72,0.47,5,168,6,0,0,0,sales,high -0.53,0.53,4,205,3,0,0,0,sales,low -0.83,0.77,3,228,3,0,0,0,sales,medium -0.24,0.52,4,228,5,0,0,0,sales,medium -0.66,0.75,5,227,3,1,0,0,sales,medium -0.43,0.63,3,156,3,0,0,0,sales,medium -0.75,0.66,5,177,2,0,0,0,sales,low -0.42,0.89,6,188,5,1,0,0,sales,low -0.54,0.74,3,185,4,0,0,0,sales,low -0.84,0.85,3,153,4,0,0,0,accounting,low -0.95,0.79,4,174,3,0,0,0,accounting,low -0.6,0.61,4,209,3,0,0,0,accounting,low -0.95,0.71,3,251,2,1,0,0,hr,low -0.62,0.89,3,153,3,1,0,0,hr,low -0.89,0.73,3,210,2,0,0,0,hr,low -0.73,0.93,5,167,3,0,0,0,hr,low -0.86,0.94,3,151,2,0,0,0,technical,low -0.76,0.73,3,158,2,0,0,0,technical,low -0.91,0.76,3,116,5,0,0,0,technical,low -1,0.81,5,178,2,0,0,0,technical,low -0.98,0.78,4,155,3,1,0,0,technical,low -0.65,0.89,3,151,2,0,0,0,technical,low -0.62,0.79,4,216,2,1,0,0,technical,low -0.83,0.82,5,179,3,0,0,0,technical,low -0.75,1,4,135,4,0,0,0,technical,low -0.82,0.63,4,232,4,0,0,0,technical,low -0.69,0.68,4,168,3,0,0,0,technical,low -0.41,0.96,6,171,5,1,0,0,support,medium -0.52,0.64,5,258,2,0,0,0,support,medium -0.74,0.86,3,221,2,0,0,0,support,medium -0.33,0.96,5,97,3,0,0,0,support,medium -0.8,0.69,3,164,3,0,0,0,support,medium -0.82,0.89,4,237,3,0,0,0,support,medium -0.59,0.65,5,161,2,0,0,0,support,medium -0.98,0.8,4,134,2,1,0,0,support,medium -0.93,0.94,4,188,3,0,0,0,support,medium -0.49,0.95,4,181,3,0,0,0,support,medium -0.6,0.94,4,160,2,0,0,0,support,medium -0.34,0.82,6,197,5,1,0,0,technical,medium -0.71,0.77,3,145,3,0,0,0,technical,high -0.6,0.64,5,221,2,0,0,0,technical,low -0.12,0.78,6,260,5,0,0,0,management,medium -0.16,0.87,3,99,5,1,0,0,IT,medium -0.57,0.61,3,243,3,0,0,0,IT,medium -0.72,0.8,5,244,3,0,0,0,IT,medium -0.91,0.55,4,179,4,0,0,0,IT,low -0.95,0.49,4,146,6,1,0,0,IT,low -0.71,0.9,3,262,2,1,0,0,product_mng,low -0.9,0.69,4,174,2,0,0,0,product_mng,low -0.66,0.81,4,148,4,0,0,0,product_mng,low -0.48,0.59,5,235,3,0,0,0,product_mng,low -0.82,0.82,5,285,2,1,0,0,IT,low -0.83,0.79,4,143,3,0,0,0,RandD,low -0.85,0.82,6,141,5,0,0,0,RandD,low -0.84,0.47,3,125,4,0,0,0,RandD,low -0.99,0.51,4,232,3,0,0,0,RandD,low -0.54,0.72,3,172,2,0,0,0,RandD,low -0.64,0.42,5,283,5,0,0,0,marketing,low -0.67,0.68,3,189,3,0,0,0,sales,low -0.48,0.54,2,144,3,0,0,0,accounting,low -0.58,0.77,4,145,3,1,0,0,support,low -0.54,0.59,3,200,3,0,0,0,technical,low -0.25,0.65,3,264,4,0,0,0,management,low -0.9,0.53,3,215,3,0,0,0,marketing,low -0.48,0.39,4,272,3,0,0,0,marketing,low -0.76,0.9,5,142,3,0,0,0,marketing,low -0.72,0.53,5,240,2,0,0,0,sales,medium -0.95,0.66,4,168,2,0,0,0,sales,medium -0.73,0.55,4,171,4,0,0,0,sales,medium -0.93,0.7,3,159,2,0,0,0,sales,medium -0.89,0.61,3,175,4,0,0,0,sales,medium -0.7,0.97,4,244,3,0,0,0,sales,medium -0.98,0.57,3,198,3,0,0,0,sales,medium -0.72,0.65,5,151,3,0,0,0,sales,medium -0.49,0.69,2,188,4,0,0,0,sales,medium -0.15,0.85,3,199,2,0,0,0,sales,medium -0.57,0.96,4,257,3,0,0,0,sales,medium -0.21,0.81,4,144,4,0,0,0,sales,medium -0.46,0.57,4,275,3,0,0,0,sales,high -0.56,0.52,3,243,3,0,0,0,sales,low -0.81,0.66,3,181,2,1,0,0,sales,medium -0.93,0.59,5,172,3,0,0,0,sales,medium -0.82,0.97,3,244,5,0,0,0,sales,medium -0.76,0.51,4,242,3,0,0,0,sales,medium -0.97,0.81,3,249,2,0,0,0,sales,low -0.38,0.81,5,128,3,1,0,0,accounting,low -0.46,0.49,3,213,3,0,0,0,accounting,low -0.34,0.57,4,152,3,1,0,0,accounting,low -0.63,0.76,4,245,3,0,0,0,hr,low -0.57,0.56,4,113,3,0,0,0,hr,low -0.17,0.76,4,280,5,0,0,0,hr,low -0.74,0.67,3,273,3,1,0,0,hr,low -0.59,0.56,4,221,3,1,0,0,technical,low -0.49,0.61,5,133,3,0,0,0,technical,low -0.49,0.58,3,136,4,1,0,0,technical,low -0.61,0.71,4,243,3,1,0,0,technical,low -0.81,0.79,5,135,3,0,0,0,technical,low -0.74,0.63,3,231,3,0,0,0,technical,low -0.91,0.98,3,259,4,0,0,0,technical,low -0.71,0.66,3,238,2,0,0,0,technical,low -0.73,0.71,3,210,3,0,0,0,technical,low -0.44,0.4,3,120,6,0,0,0,technical,low -0.6,0.56,2,203,4,0,0,0,technical,low -0.73,0.88,4,148,2,0,0,0,support,low -0.8,0.54,4,258,3,0,0,0,support,low -0.97,0.5,3,225,2,0,0,0,support,medium -0.99,0.75,4,208,2,0,0,0,support,medium -0.96,0.82,4,274,3,0,0,0,support,medium -0.24,0.7,5,147,6,1,0,0,support,medium -0.45,0.39,2,167,3,0,0,0,support,medium -0.74,0.96,4,154,4,0,0,0,support,medium -0.6,0.98,4,195,3,0,0,0,support,medium -0.67,0.56,3,237,4,0,0,0,support,medium -0.57,0.99,4,222,2,0,0,0,support,medium -0.87,0.71,5,145,4,0,0,0,technical,medium -0.25,0.83,3,257,5,1,0,0,technical,medium -0.98,0.84,3,286,4,0,0,0,technical,medium -0.3,0.64,2,137,3,0,0,0,management,high -0.21,0.52,5,130,2,0,0,0,IT,low -0.56,0.7,3,214,2,0,0,0,IT,medium -0.75,0.96,3,138,2,0,0,0,IT,medium -0.5,0.77,3,166,3,0,0,0,IT,medium -0.61,0.92,4,159,5,0,0,0,IT,medium -0.83,0.59,5,160,4,0,0,0,product_mng,low -0.66,0.76,3,155,4,1,0,0,product_mng,low -0.84,0.68,3,231,3,0,0,0,product_mng,low -0.87,0.57,4,227,3,0,0,0,product_mng,low -0.48,0.37,3,181,2,0,0,0,IT,low -0.84,0.79,4,222,3,0,0,0,RandD,low -0.49,0.71,3,196,3,0,0,0,RandD,low -0.67,0.93,3,206,3,0,0,0,RandD,low -0.12,0.93,6,257,6,1,0,0,RandD,low -0.99,0.67,5,153,2,0,0,0,RandD,low -0.17,0.59,5,250,5,0,0,0,marketing,low -0.58,0.66,3,250,5,0,0,0,sales,low -0.5,0.73,3,148,3,0,0,0,accounting,low -0.35,0.69,3,141,2,1,0,0,support,low -0.93,0.95,6,147,3,0,0,0,technical,low -0.73,0.87,3,142,3,0,0,0,management,low -0.91,0.54,3,210,2,0,0,0,marketing,low -0.72,0.66,3,152,2,0,0,0,marketing,low -0.51,0.39,3,149,3,0,0,0,marketing,low -0.55,0.92,3,198,3,0,0,0,sales,low -0.66,0.76,3,139,5,0,0,0,sales,low -0.84,0.41,6,255,6,1,0,0,sales,medium -0.81,0.8,4,229,2,0,0,0,sales,medium -0.81,0.69,5,134,2,0,0,0,sales,medium -0.5,0.75,5,255,3,0,0,0,sales,medium -0.78,0.68,5,189,3,0,0,0,sales,medium -0.76,0.74,3,183,3,0,0,0,sales,medium -0.49,0.71,3,154,2,0,0,0,sales,medium -0.99,0.61,3,167,3,0,0,0,sales,medium -0.73,0.48,4,139,5,0,0,0,sales,medium -0.88,0.74,5,245,2,0,0,0,sales,medium -0.79,0.91,4,200,3,0,0,0,sales,medium -0.83,0.98,3,159,2,0,0,0,sales,medium -0.21,0.44,4,163,6,0,0,0,sales,high -0.87,0.52,3,158,2,1,0,0,sales,low -1,0.89,3,194,3,0,0,0,sales,medium -0.49,0.98,3,267,3,1,0,0,sales,medium -0.51,0.63,3,183,2,0,0,0,sales,medium -0.63,0.64,3,174,2,0,0,0,accounting,medium -0.91,0.63,4,240,3,0,0,0,accounting,low -0.54,0.5,2,123,4,1,0,0,accounting,low -1,0.59,4,174,3,0,0,0,hr,low -0.64,0.91,5,246,3,0,0,0,hr,low -0.65,0.96,5,173,2,0,0,0,hr,low -0.15,0.93,4,185,5,0,0,0,hr,low -0.81,0.83,4,259,3,1,0,0,technical,low -0.61,0.83,3,112,4,1,0,0,technical,low -0.86,0.55,5,219,2,0,0,0,technical,medium -0.71,0.62,3,258,2,0,0,0,technical,medium -0.72,0.82,5,287,3,0,0,0,technical,medium -0.84,0.37,5,186,2,0,0,0,technical,medium -0.38,0.74,3,159,4,0,0,0,technical,medium -0.75,0.56,4,230,3,0,0,0,technical,medium -0.93,0.77,5,106,5,0,0,0,technical,medium -0.71,0.64,4,189,3,0,0,0,technical,medium -0.75,0.96,3,252,3,0,0,0,technical,medium -0.56,0.68,4,220,2,0,0,0,support,medium -0.57,0.82,5,218,3,0,0,0,support,medium -0.63,0.83,4,145,4,0,0,0,support,medium -0.59,0.91,4,142,3,1,0,0,support,medium -0.77,0.62,3,218,2,0,0,0,support,medium -0.65,0.7,4,157,4,0,0,0,support,medium -0.84,0.49,4,178,3,0,0,0,support,medium -0.9,0.45,4,241,6,0,0,0,support,medium -0.6,0.83,3,230,3,0,0,0,support,medium -0.9,0.74,5,249,3,0,0,0,support,medium -0.94,0.7,5,147,2,0,0,0,support,medium -0.56,0.9,4,115,3,0,0,0,technical,medium -0.95,0.86,5,143,3,0,0,0,technical,medium -0.97,0.85,4,219,3,0,0,0,technical,medium -0.55,0.63,4,218,2,0,0,0,management,medium -0.79,0.6,5,235,2,0,0,0,IT,medium -0.49,0.76,5,237,3,0,0,0,IT,high -0.49,0.58,5,186,2,0,0,0,IT,high -0.57,0.65,5,177,2,0,0,0,IT,high -0.89,0.81,4,228,4,0,0,0,IT,high -0.66,0.59,3,204,3,0,0,0,product_mng,high -0.94,0.77,5,210,3,0,0,0,product_mng,high -0.98,0.95,4,250,2,1,0,0,product_mng,high -0.18,0.52,5,185,6,0,0,0,product_mng,high -0.57,0.73,3,146,3,0,0,0,IT,high -0.67,0.55,3,217,2,0,0,0,RandD,high -0.12,0.61,6,172,6,0,0,0,RandD,high -0.48,0.95,3,184,2,0,0,0,RandD,high -0.61,0.97,3,148,3,0,0,0,RandD,low -0.23,0.52,5,236,4,0,0,0,RandD,low -0.4,0.38,3,280,2,0,0,0,marketing,low -0.57,0.6,3,218,3,0,0,0,sales,low -0.95,0.98,5,155,3,0,0,0,accounting,low -0.93,0.66,4,242,4,0,0,0,support,low -0.7,0.88,3,166,5,0,0,0,technical,low -0.58,0.9,4,175,3,1,0,0,management,low -0.52,0.95,5,234,3,0,0,0,marketing,low -0.98,0.88,5,232,3,0,0,0,marketing,low -0.93,0.94,4,156,3,1,0,0,marketing,low -0.34,0.63,5,248,3,0,0,0,sales,low -0.87,0.75,4,218,2,0,0,0,sales,low -0.52,0.96,5,251,2,1,0,0,sales,low -0.58,0.91,4,173,4,0,0,0,sales,low -0.65,0.51,4,157,3,1,0,0,sales,medium -0.74,0.59,3,274,3,0,0,0,sales,medium -0.63,0.7,5,182,3,0,0,0,sales,medium -0.74,0.74,4,233,2,0,0,0,sales,medium -0.65,1,4,249,3,0,0,0,sales,medium -0.48,0.94,3,162,3,1,0,0,sales,medium -0.84,0.75,3,184,3,0,0,0,sales,medium -0.6,0.62,3,135,2,0,0,0,sales,medium -0.56,0.57,3,143,2,0,0,0,sales,medium -0.13,0.8,5,203,5,0,0,0,sales,medium -0.83,0.51,5,143,4,0,0,0,sales,medium -0.91,0.42,2,142,3,1,0,0,sales,medium -0.97,0.97,5,171,2,0,0,0,sales,high -0.9,0.96,3,223,4,0,0,0,sales,high -0.57,0.87,4,148,3,0,0,0,sales,high -0.84,0.79,6,140,2,0,0,0,accounting,high -0.84,0.74,4,226,2,0,0,0,accounting,high -0.17,0.93,5,183,5,0,0,0,accounting,high -0.97,0.86,5,135,3,0,0,0,hr,high -0.94,0.66,3,236,2,0,0,0,hr,high -0.83,0.61,5,257,2,0,0,0,hr,low -0.91,0.73,3,155,3,0,0,0,hr,low -0.9,0.76,2,211,4,0,0,0,technical,low -0.95,0.86,3,207,2,0,0,0,technical,low -0.69,0.95,3,126,6,0,0,0,technical,low -0.49,0.98,3,267,2,0,0,0,technical,low -0.45,0.37,6,226,2,0,0,0,technical,low -0.21,0.9,2,239,2,0,0,0,technical,low -0.67,0.61,3,202,2,0,0,0,technical,medium -0.76,0.62,3,150,2,1,0,0,technical,medium -0.19,0.78,5,156,6,0,0,0,technical,medium -0.52,0.73,2,233,3,0,0,0,technical,medium -0.66,0.59,5,262,2,0,0,0,technical,medium -0.95,0.67,3,183,3,0,0,0,support,medium -0.95,0.78,4,225,2,0,0,0,support,medium -0.57,0.54,5,216,3,0,0,0,support,medium -0.48,0.57,5,227,3,0,0,0,support,medium -0.95,0.5,4,242,2,0,0,0,support,medium -0.7,0.67,4,224,3,0,0,0,support,medium -0.48,0.61,3,223,3,1,0,0,support,medium -0.62,0.58,3,202,2,0,0,0,support,medium -0.58,0.76,3,220,3,0,0,0,support,medium -1,0.87,4,129,5,0,0,0,support,medium -0.79,0.65,2,193,5,0,0,0,support,medium -0.58,0.73,3,165,2,0,0,0,technical,medium -0.59,0.79,4,209,2,0,0,0,technical,medium -0.66,0.8,4,183,2,1,0,0,technical,medium -0.71,0.59,4,138,3,0,0,0,management,medium -0.9,0.74,5,152,3,0,0,0,IT,medium -0.74,0.63,4,170,2,0,0,0,IT,medium -0.66,0.93,5,185,3,0,0,0,IT,medium -0.92,0.53,2,249,2,0,0,0,IT,high -0.55,0.51,4,155,3,0,0,0,IT,low -0.51,0.43,3,204,4,0,0,0,product_mng,medium -0.49,0.52,5,188,4,0,0,0,product_mng,medium -0.88,0.52,5,264,4,0,0,0,product_mng,medium -0.6,0.8,4,146,2,0,0,0,product_mng,medium -0.93,0.65,4,212,4,0,0,0,IT,medium -0.86,0.59,3,215,3,0,0,0,RandD,medium -0.78,0.98,4,239,3,0,0,0,RandD,medium -0.69,0.55,3,188,3,0,0,0,RandD,medium -0.84,0.51,4,259,3,0,0,0,RandD,medium -0.48,0.62,3,200,3,1,0,0,RandD,medium -0.63,0.86,3,245,2,0,0,0,marketing,low -0.54,0.61,3,182,2,0,0,0,sales,low -0.85,0.53,4,181,2,0,0,0,accounting,low -0.51,0.52,3,164,3,0,0,0,support,low -0.88,0.86,5,257,3,0,0,0,technical,low -0.87,0.93,3,178,3,0,0,0,management,low -0.54,0.5,4,224,3,0,0,0,marketing,low -0.96,0.67,5,170,3,0,0,0,marketing,high -0.58,0.75,4,233,2,0,0,0,marketing,low -0.21,0.57,5,239,3,0,0,0,sales,high -0.5,0.56,5,185,2,0,0,0,sales,high -0.52,0.54,4,184,3,0,0,0,sales,low -0.5,0.7,3,188,2,0,0,0,sales,low -0.74,0.86,3,186,3,1,0,0,sales,high -0.69,0.63,3,226,3,0,0,0,sales,low -0.61,0.74,2,143,6,0,0,0,sales,medium -0.5,0.82,3,213,3,0,0,0,sales,high -0.79,0.53,2,217,2,0,0,0,sales,medium -0.73,0.68,5,190,2,0,0,0,sales,medium -0.49,0.69,2,147,2,0,0,0,sales,medium -0.7,0.77,2,235,3,1,0,0,sales,medium -0.27,0.62,6,136,3,0,0,0,sales,high -0.8,0.54,5,261,2,0,0,0,sales,medium -0.45,0.6,6,176,4,0,0,0,sales,medium -0.63,0.64,4,212,4,0,0,0,sales,medium -0.76,0.52,2,148,3,0,0,0,sales,high -0.42,0.74,6,218,6,0,0,0,sales,medium -0.41,0.87,6,262,6,0,0,0,sales,high -0.74,0.46,6,145,3,0,0,0,accounting,low -0.82,0.75,3,230,4,1,0,0,accounting,medium -0.82,0.65,4,210,2,0,0,0,accounting,medium -0.53,0.73,4,227,3,0,0,0,hr,medium -0.71,0.77,4,142,2,0,0,0,hr,medium -0.5,0.9,4,171,2,0,0,0,hr,low -0.68,0.89,3,241,3,0,0,0,hr,low -0.68,0.99,3,247,2,1,0,0,technical,low -0.48,0.86,5,246,3,0,0,0,technical,low -0.59,0.72,3,188,3,1,0,0,technical,low -0.21,0.7,3,104,2,0,0,0,technical,low -0.99,0.73,5,197,4,1,0,0,technical,low -1,0.88,4,191,4,0,0,0,technical,low -0.84,0.51,4,173,2,0,0,0,technical,low -0.86,0.82,2,207,4,1,0,0,technical,low -0.52,0.54,5,247,4,0,0,0,technical,high -0.94,0.97,5,197,5,1,0,0,technical,low -0.55,0.81,3,242,2,0,0,0,technical,low -0.79,0.59,3,145,2,0,0,0,support,low -0.91,0.9,4,174,3,0,0,0,support,low -0.82,0.99,3,195,2,0,0,0,support,high -0.84,0.94,4,270,3,1,0,0,support,low -0.72,0.68,4,238,3,0,0,0,support,low -0.68,0.85,4,156,2,0,0,0,support,low -0.99,0.96,5,261,3,0,0,0,support,high -0.74,0.85,5,135,2,0,0,0,support,low -0.8,0.41,6,185,4,0,0,0,support,medium -0.55,0.55,3,197,3,0,0,0,support,high -0.56,0.95,3,241,3,0,0,0,support,medium -0.88,0.98,3,263,3,1,0,0,technical,high -0.86,0.49,4,251,2,0,0,0,technical,medium -0.64,0.95,3,218,2,0,0,0,technical,medium -0.82,0.58,4,183,3,0,0,0,management,medium -0.66,0.8,4,252,3,0,0,0,IT,medium -0.64,0.95,3,98,3,0,0,0,IT,medium -0.17,0.78,6,284,4,0,0,0,IT,medium -0.75,0.68,4,220,2,0,0,0,IT,medium -0.45,0.39,4,275,3,0,0,0,IT,medium -0.99,0.9,4,164,3,0,0,0,product_mng,high -0.93,0.67,5,237,4,0,0,0,product_mng,low -0.88,0.8,3,133,3,0,0,0,product_mng,medium -0.62,0.52,5,256,4,0,0,0,product_mng,medium -0.94,0.88,4,270,3,0,0,0,IT,medium -0.59,0.92,4,196,2,0,0,0,RandD,medium -0.93,0.89,4,209,2,0,0,0,RandD,medium -0.71,0.39,3,261,3,0,0,0,RandD,medium -0.6,0.6,3,221,2,0,0,0,RandD,medium -0.71,0.69,4,180,3,1,0,0,RandD,medium -0.91,0.57,4,145,3,0,0,0,marketing,medium -0.78,0.96,4,111,2,0,0,0,sales,high -0.52,0.63,4,232,3,0,0,0,accounting,low -0.99,0.7,5,195,3,0,0,0,support,low -0.86,0.51,4,211,2,1,0,0,technical,low -0.74,0.68,4,194,2,0,0,0,management,high -0.15,0.84,4,275,5,0,0,0,marketing,low -0.57,0.54,3,140,3,0,0,0,marketing,low -0.67,0.6,3,157,3,0,0,0,marketing,low -0.8,0.93,4,258,3,0,0,0,sales,high -0.83,0.82,5,273,4,0,0,0,sales,low -0.69,0.53,3,135,2,0,0,0,sales,low -0.64,0.83,3,188,4,0,0,0,sales,low -0.95,0.52,5,222,2,0,0,0,sales,low -0.97,0.52,4,231,3,0,0,0,sales,low -0.85,0.86,3,255,2,0,0,0,sales,low -0.72,0.51,3,254,2,0,0,0,sales,low -0.91,0.85,3,244,3,1,0,0,sales,medium -0.81,0.83,3,132,4,0,0,0,sales,medium -0.13,0.67,5,234,6,0,0,0,sales,medium -0.95,0.81,4,272,3,0,0,0,sales,medium -0.82,0.54,4,191,3,0,0,0,sales,medium -0.63,0.93,4,238,4,0,0,0,sales,medium -0.55,0.69,3,225,2,0,0,0,sales,medium -0.83,0.95,3,211,2,0,0,0,sales,medium -0.54,0.98,3,217,3,0,0,0,sales,medium -0.89,0.91,5,156,4,0,0,0,sales,medium -0.79,0.55,3,147,3,0,0,0,sales,medium -0.56,0.73,4,134,3,0,0,0,accounting,medium -0.89,0.7,4,235,2,1,0,0,accounting,high -1,0.66,4,238,4,0,0,0,accounting,low -0.43,0.72,3,258,4,0,0,0,hr,medium -0.71,0.55,5,224,3,0,0,0,hr,medium -0.98,0.59,4,149,2,0,0,0,hr,medium -0.81,0.7,4,219,2,1,0,0,hr,medium -0.71,0.53,3,186,2,0,0,0,technical,low -0.99,0.6,4,259,4,0,0,0,technical,low -0.34,0.62,3,119,2,0,0,0,technical,low -0.58,0.91,3,223,2,0,0,0,technical,low -0.77,0.49,4,184,3,0,0,0,technical,low -0.64,0.5,3,238,4,0,0,0,technical,low -0.13,1,4,157,5,1,0,0,technical,low -0.98,0.6,2,249,3,0,0,0,technical,low -0.72,0.84,4,195,2,0,0,0,technical,low -0.55,0.79,3,162,2,0,0,0,technical,low -0.62,0.91,4,231,3,0,0,0,technical,low -0.74,0.91,2,264,3,0,0,0,support,low -0.69,0.96,3,210,3,0,0,0,support,low -0.6,0.63,4,192,3,0,0,0,support,low -0.54,0.43,3,192,2,0,0,0,support,low -0.56,0.75,4,249,3,0,0,0,support,low -0.58,0.86,5,206,3,0,0,0,support,low -0.21,0.66,4,165,5,0,0,0,support,low -0.52,0.85,5,183,3,0,0,0,support,low -0.98,0.7,4,253,2,0,0,0,support,low -0.85,0.97,3,256,3,0,0,0,support,low -0.62,0.88,2,263,4,0,0,0,support,medium -0.63,0.61,3,234,3,1,0,0,technical,medium -0.84,0.97,6,223,2,0,0,0,technical,medium -0.71,0.69,2,172,3,0,0,0,technical,medium -0.36,0.55,6,226,6,0,0,0,management,medium -0.79,0.56,6,205,4,1,0,0,IT,medium -0.59,0.55,4,235,2,0,0,0,IT,medium -0.5,0.53,4,263,3,0,0,0,IT,medium -0.88,0.66,4,271,3,1,0,0,IT,medium -0.65,0.69,6,131,5,0,0,0,IT,medium -0.71,0.56,4,238,4,0,0,0,product_mng,medium -0.89,0.54,3,214,2,0,0,0,product_mng,medium -0.83,0.84,3,267,3,0,0,0,product_mng,high -0.73,0.53,3,184,2,0,0,0,product_mng,low -0.71,0.67,3,264,3,0,0,0,IT,medium -0.53,0.66,3,109,2,0,0,0,RandD,medium -0.74,0.7,3,253,4,1,0,0,RandD,medium -0.6,0.52,4,207,2,1,0,0,RandD,medium -0.47,0.6,4,263,5,0,0,0,RandD,low -0.88,0.88,3,214,2,1,0,0,RandD,low -0.62,0.67,2,153,3,0,0,0,marketing,low -0.24,0.48,5,123,5,1,0,0,sales,low -0.15,0.36,5,159,2,0,0,0,accounting,low -0.92,0.82,3,185,3,0,0,0,support,low -0.74,0.7,4,167,3,1,0,0,technical,low -0.86,0.77,3,271,3,0,0,0,management,low -0.96,0.61,3,140,3,0,0,0,marketing,low -0.54,0.6,4,141,3,0,0,0,marketing,low -0.99,0.87,4,190,2,0,0,0,marketing,low -0.72,0.73,5,134,2,0,0,0,sales,low -0.96,0.75,5,176,4,0,0,0,sales,low -0.73,0.73,4,194,2,0,0,0,sales,low -0.67,0.44,5,212,4,0,0,0,sales,low -0.58,0.72,5,234,3,1,0,0,sales,low -0.9,0.99,4,190,2,0,0,0,sales,low -0.99,0.37,5,155,3,0,0,0,sales,low -0.89,0.58,4,232,2,0,0,0,sales,low -0.72,0.95,4,216,3,0,0,0,sales,low -0.77,0.8,3,207,3,0,0,0,sales,low -0.8,0.94,4,200,4,0,0,0,sales,medium -0.89,0.86,3,178,4,0,0,0,sales,medium -0.59,0.81,4,173,2,0,0,0,sales,medium -0.24,0.87,5,268,5,0,0,0,sales,medium -0.94,0.59,6,212,2,0,0,0,sales,medium -0.74,0.5,4,216,3,0,0,0,sales,medium -0.63,0.62,5,212,6,0,0,0,sales,medium -0.63,0.59,3,155,3,1,0,0,sales,medium -0.77,0.65,4,164,2,0,0,0,sales,medium -0.87,0.74,3,209,3,0,0,0,accounting,medium -0.79,0.61,4,136,3,0,0,0,accounting,medium -0.54,0.84,4,223,3,0,0,0,accounting,medium -0.59,0.83,4,239,4,0,0,0,hr,high -0.86,0.87,3,205,4,0,0,0,hr,low -0.98,0.68,3,203,3,0,0,0,hr,medium -1,0.79,5,152,4,0,0,0,hr,medium -0.9,0.79,4,236,3,1,0,0,technical,medium -0.34,0.6,4,114,3,0,0,0,technical,medium -0.95,0.93,3,209,2,0,0,0,technical,low -0.79,0.48,4,178,2,0,0,0,technical,low -0.13,0.91,4,175,5,0,0,0,technical,low -0.72,0.69,3,270,4,0,0,0,technical,low -0.63,0.54,3,145,2,1,0,0,technical,low -0.81,0.76,5,134,2,0,0,0,technical,low -0.71,0.75,4,272,4,0,0,0,technical,low -0.49,0.76,3,208,2,0,0,0,technical,low -0.59,0.65,4,219,3,1,0,0,technical,low -0.87,0.59,5,154,3,0,0,0,support,low -0.66,0.6,3,179,4,0,0,0,support,low -0.78,0.92,5,137,2,0,0,0,support,low -0.65,0.7,4,211,2,0,0,0,support,low -0.8,0.97,5,271,4,0,0,0,support,low -0.56,0.75,4,192,2,0,0,0,support,low -0.85,0.67,4,228,4,0,0,0,support,low -0.14,0.46,2,267,6,1,0,0,support,low -0.74,0.62,4,272,2,0,0,0,support,low -0.86,0.93,2,260,2,0,0,0,support,low -0.71,0.96,4,161,3,0,0,0,support,low -0.83,0.99,4,226,2,0,0,0,technical,low -0.52,0.49,4,249,4,1,0,0,technical,medium -0.63,0.8,3,243,3,0,0,0,technical,medium -0.92,0.93,4,247,2,0,0,0,management,medium -0.66,0.87,3,186,2,0,0,0,IT,medium -0.77,0.7,3,155,3,0,0,0,IT,medium -0.74,0.97,2,135,4,0,0,0,IT,medium -0.81,0.76,5,198,4,0,0,0,IT,medium -0.67,0.55,3,175,2,0,0,0,IT,medium -0.75,0.92,3,192,3,0,0,0,product_mng,medium -0.65,0.36,2,282,3,0,0,0,product_mng,medium -0.81,0.6,4,179,3,0,0,0,product_mng,medium -0.57,0.77,4,245,3,0,0,0,product_mng,medium -0.89,0.66,4,235,3,0,0,0,IT,high -0.5,0.56,4,266,2,0,0,0,RandD,low -0.21,0.42,4,269,4,1,0,0,RandD,medium -0.79,0.67,3,264,2,0,0,0,RandD,medium -0.66,0.57,3,161,2,1,0,0,RandD,medium -0.82,0.95,3,203,3,0,0,0,RandD,medium -0.85,0.85,4,258,2,0,0,0,marketing,low -0.72,0.96,3,143,3,0,0,0,sales,low -0.52,0.92,3,214,3,0,0,0,accounting,low -0.5,0.62,4,166,3,1,0,0,support,low -0.52,0.82,3,192,3,0,0,0,technical,low -0.13,0.87,3,185,4,1,0,0,management,low -0.87,0.98,4,173,3,0,0,0,marketing,low -0.53,0.98,2,163,3,0,0,0,marketing,low -0.15,0.76,5,277,4,0,0,0,marketing,low -0.64,0.86,5,274,2,1,0,0,sales,low -0.52,0.44,3,119,2,0,0,0,sales,low -0.79,0.67,4,267,3,0,0,0,sales,low -0.74,0.89,3,160,2,0,0,0,sales,low -0.81,0.84,4,198,2,0,0,0,sales,low -0.94,0.6,3,193,3,0,0,0,sales,low -0.67,0.84,6,250,2,0,0,0,sales,low -0.93,0.84,3,237,4,1,0,0,sales,low -0.52,0.96,4,170,2,0,0,0,sales,low -0.48,0.74,2,157,2,1,0,0,sales,medium -0.57,0.92,6,267,4,0,0,0,sales,medium -0.71,0.77,4,192,4,0,0,0,sales,medium -0.9,0.74,4,218,2,1,0,0,sales,medium -0.58,0.61,4,210,3,0,0,0,sales,medium -0.66,0.48,4,229,4,0,0,0,sales,medium -0.59,0.66,3,186,3,0,0,0,sales,medium -0.96,0.5,3,234,2,1,0,0,sales,medium -0.13,0.91,2,149,5,0,0,0,sales,medium -0.93,0.92,3,205,3,0,0,0,sales,medium -0.54,0.72,3,148,4,0,0,0,accounting,medium -0.54,0.77,5,270,3,0,0,0,accounting,medium -0.87,0.62,3,176,3,0,0,0,accounting,high -0.79,0.91,3,226,2,0,0,0,hr,low -0.83,0.57,3,232,4,0,0,0,hr,medium -0.73,0.6,3,137,3,0,0,0,hr,medium -0.29,0.42,6,253,3,0,0,0,hr,medium -0.8,0.7,6,231,4,0,0,0,technical,medium -0.29,0.81,3,189,6,0,0,0,technical,low -0.43,0.85,6,168,2,0,0,0,technical,low -0.99,0.93,3,261,3,0,0,0,technical,low -0.86,0.51,4,152,3,0,0,0,technical,low -0.85,0.78,5,263,2,1,0,0,technical,low -0.66,0.68,3,258,3,0,0,0,technical,low -0.57,0.99,3,205,3,0,0,0,technical,low -0.31,0.64,6,183,2,1,0,0,technical,low -0.88,0.88,3,153,3,0,0,0,technical,low -0.72,0.72,5,194,4,0,0,0,technical,low -0.75,0.66,4,202,2,0,0,0,support,low -0.82,0.71,4,164,4,0,0,0,support,low -0.82,0.67,3,213,2,0,0,0,support,low -0.15,0.52,4,265,6,0,0,0,support,low -0.16,0.88,6,218,3,0,0,0,support,low -0.95,0.4,5,286,4,0,0,0,support,low -0.87,0.73,3,172,3,1,0,0,support,low -0.85,0.89,4,251,2,0,0,0,support,low -0.58,0.6,3,110,3,1,0,0,support,low -0.63,0.86,3,269,4,0,0,0,support,low -0.69,0.68,3,151,3,1,0,0,support,low -0.53,0.85,5,161,2,0,0,0,technical,medium -0.96,0.71,4,210,3,0,0,0,technical,medium -0.73,0.83,2,167,3,0,0,0,technical,medium -0.5,0.6,3,270,3,1,0,0,management,medium -0.81,0.83,3,133,3,1,0,0,IT,medium -0.82,0.59,3,249,3,0,0,0,IT,medium -0.76,0.72,4,266,3,0,0,0,IT,medium -0.27,0.82,4,276,2,0,0,0,IT,medium -0.64,0.38,6,215,3,0,0,0,IT,medium -0.57,0.9,3,262,2,0,0,0,product_mng,medium -0.49,0.84,5,193,3,0,0,0,product_mng,medium -0.66,0.92,2,102,4,0,0,0,product_mng,medium -0.71,0.36,4,278,4,1,0,0,product_mng,high -0.61,0.63,3,250,4,0,0,0,IT,low -0.52,0.89,5,193,4,0,0,0,RandD,medium -0.62,0.91,3,133,3,0,0,0,RandD,medium -0.98,0.65,4,216,4,0,0,0,RandD,medium -0.67,0.56,5,174,2,1,0,0,RandD,medium -0.85,0.62,2,280,4,0,0,0,RandD,low -0.84,0.85,4,246,2,0,0,0,marketing,low -1,0.53,3,142,3,0,0,0,sales,low -0.72,0.76,4,144,3,1,0,0,accounting,low -0.66,0.75,6,100,4,1,0,0,support,low -0.64,0.71,5,212,2,0,0,0,technical,low -1,0.76,5,201,3,0,0,0,management,low -0.75,0.59,5,206,2,0,0,0,marketing,low -0.81,0.77,4,197,3,0,0,0,marketing,low -0.31,0.98,5,232,5,0,0,0,marketing,low -0.32,0.97,6,272,2,0,0,0,sales,low -0.48,0.5,4,173,3,0,0,0,sales,low -0.62,0.42,2,124,2,0,0,0,sales,low -0.77,0.86,5,282,4,0,0,0,sales,low -0.76,0.8,2,219,4,1,0,0,sales,low -0.68,0.41,3,106,6,0,0,0,sales,low -0.72,0.79,4,192,4,0,0,0,sales,low -0.87,0.91,5,190,2,0,0,0,sales,low -0.59,0.57,2,156,2,0,0,0,sales,low -0.7,0.64,3,180,2,0,0,0,sales,low -0.73,0.81,4,245,2,0,0,0,sales,low -0.58,0.62,3,169,2,0,0,0,sales,medium -0.64,0.66,3,188,4,0,0,0,sales,medium -0.89,0.66,5,224,2,0,0,0,sales,medium -0.95,0.71,3,263,2,1,0,0,sales,medium -0.84,0.9,3,262,2,0,0,0,sales,medium -0.6,0.99,4,225,3,0,0,0,sales,medium -0.71,0.63,5,224,3,1,0,0,sales,medium -0.6,0.95,3,266,3,0,0,0,sales,medium -0.91,0.68,3,218,3,1,0,0,accounting,medium -0.75,1,3,102,3,0,0,0,accounting,medium -0.7,0.67,4,181,3,0,0,0,accounting,medium -0.23,0.64,5,150,5,0,0,0,hr,medium -0.73,0.83,4,270,2,0,0,0,hr,high -0.99,0.49,4,270,2,0,0,0,hr,low -0.62,0.68,5,265,3,0,0,0,hr,medium -0.98,0.89,4,169,3,0,0,0,technical,medium -0.61,0.94,3,224,4,0,0,0,technical,medium -0.52,0.92,3,150,2,1,0,0,technical,medium -0.65,0.66,5,239,4,0,0,0,technical,low -0.59,0.9,3,245,3,1,0,0,technical,low -0.71,0.8,3,182,2,1,0,0,technical,low -0.18,0.7,5,182,4,0,0,0,technical,low -0.21,0.93,4,243,4,0,0,0,technical,low -0.15,0.67,6,209,5,0,0,0,technical,low -0.97,0.53,4,195,4,0,0,0,technical,low -0.39,0.48,3,190,2,0,0,0,technical,low -0.35,0.66,2,140,2,0,0,0,support,medium -0.88,0.58,4,147,4,0,0,0,support,medium -0.58,0.97,3,265,3,0,0,0,support,medium -0.61,0.78,3,238,2,0,0,0,support,medium -0.59,0.98,3,155,3,0,0,0,support,medium -0.55,0.41,4,132,5,1,0,0,support,medium -0.52,0.8,5,257,3,0,0,0,support,medium -0.71,0.77,2,255,3,0,0,0,support,medium -0.63,0.82,5,229,2,0,0,0,support,medium -0.17,0.84,5,216,4,0,0,0,support,medium -0.95,0.49,4,269,4,0,0,0,support,medium -1,0.73,3,205,2,0,0,0,technical,medium -0.73,0.96,2,151,3,0,0,0,technical,medium -0.8,0.64,4,246,3,1,0,0,technical,medium -0.63,0.8,4,256,4,0,0,0,management,medium -0.95,0.59,4,235,3,0,0,0,IT,medium -0.75,0.83,4,229,2,0,0,0,IT,medium -0.64,0.72,5,158,3,0,0,0,IT,medium -0.72,1,3,197,3,0,0,0,IT,medium -0.72,0.53,3,151,4,0,0,0,IT,medium -0.85,0.63,3,167,3,0,0,0,product_mng,medium -0.24,0.94,4,146,4,0,0,0,product_mng,medium -0.69,0.53,4,281,4,0,0,0,product_mng,medium -0.69,0.7,3,212,2,0,0,0,product_mng,medium -0.87,0.59,5,261,3,0,0,0,IT,medium -0.78,0.91,3,238,2,0,0,0,RandD,high -0.76,0.74,4,235,3,0,0,0,RandD,high -0.35,0.7,3,107,3,0,0,0,RandD,high -0.88,0.59,6,243,4,0,0,0,RandD,high -0.78,0.79,5,233,3,1,0,0,RandD,high -0.36,0.42,3,206,5,0,0,0,marketing,high -0.24,0.7,5,172,4,0,0,0,sales,high -0.55,0.82,3,248,2,0,0,0,accounting,high -0.91,0.53,3,147,4,1,0,0,support,high -0.66,0.61,5,259,3,0,0,0,technical,high -0.57,0.82,3,267,3,0,0,0,management,high -0.64,0.64,3,263,3,0,0,0,marketing,high -0.63,0.98,3,160,4,1,0,0,marketing,low -0.49,0.92,5,176,3,0,0,0,marketing,low -0.7,0.7,3,224,3,0,0,0,sales,low -0.3,0.71,3,155,2,0,0,0,sales,low -0.51,0.52,3,132,3,0,0,0,sales,low -0.71,0.87,5,173,3,0,0,0,sales,low -0.64,0.67,3,165,3,0,0,0,sales,low -0.67,0.66,6,272,3,0,0,0,sales,low -0.83,0.94,5,156,3,1,0,0,sales,low -0.92,0.96,3,154,2,1,0,0,sales,low -0.84,0.53,3,237,3,1,0,0,sales,low -0.97,0.75,2,271,6,0,0,0,sales,low -0.19,0.91,6,152,3,0,0,0,sales,low -0.86,0.51,4,152,3,1,0,0,sales,low -0.71,0.69,3,172,3,0,0,0,sales,low -0.76,0.56,4,214,2,1,0,0,sales,medium -0.68,0.88,5,201,3,0,0,0,sales,medium -0.61,0.99,2,275,3,1,0,0,sales,medium -0.85,0.79,3,156,3,0,0,0,sales,medium -0.84,0.89,3,234,2,0,0,0,sales,medium -0.62,0.63,2,123,2,0,0,0,sales,medium -0.77,0.76,3,201,4,0,0,0,accounting,medium -0.79,0.93,5,160,4,1,0,0,accounting,medium -0.97,0.5,3,173,2,0,0,0,accounting,medium -0.59,0.61,4,141,2,1,0,0,hr,medium -0.93,0.62,3,231,6,0,0,0,hr,medium -0.85,0.54,4,174,2,0,0,0,hr,medium -0.7,0.57,4,211,3,0,0,0,hr,high -0.54,0.91,3,249,3,0,0,0,technical,high -0.42,0.86,2,108,5,0,0,0,technical,high -0.96,0.75,4,165,3,0,0,0,technical,high -0.58,0.8,3,181,4,0,0,0,technical,high -0.61,0.59,3,237,2,0,0,0,technical,high -0.62,0.97,5,180,2,0,0,0,technical,high -0.68,0.7,3,209,3,0,0,0,technical,high -0.6,0.73,3,191,5,1,0,0,technical,low -0.7,0.91,4,181,2,1,0,0,technical,low -0.65,0.55,4,250,2,0,0,0,technical,low -0.48,0.59,2,179,2,0,0,0,technical,low -0.75,0.73,3,225,4,0,0,0,support,low -0.69,0.78,5,267,2,1,0,0,support,low -0.34,0.46,2,169,2,1,0,0,support,low -0.59,0.49,4,164,3,0,0,0,support,low -0.94,0.95,4,155,3,0,0,0,support,medium -0.98,0.77,5,223,2,1,0,0,support,medium -0.72,0.66,3,160,3,0,0,0,support,medium -0.79,0.7,4,268,2,0,0,0,support,medium -0.54,0.61,4,151,4,1,0,0,support,medium -0.73,0.95,3,156,2,0,0,0,support,medium -0.82,0.58,4,136,3,0,0,0,support,medium -0.57,0.45,3,189,2,0,0,0,technical,medium -0.98,0.93,5,203,2,0,0,0,technical,medium -0.91,0.65,5,174,2,0,0,0,technical,medium -0.72,0.91,3,239,2,0,0,0,management,medium -0.48,0.73,5,152,6,0,0,0,IT,medium -0.57,0.86,4,268,6,0,0,0,IT,medium -0.86,0.96,4,146,3,0,0,0,IT,medium -0.63,0.85,3,232,4,0,0,0,IT,medium -0.81,0.52,3,255,5,0,0,0,IT,medium -0.21,0.37,4,129,4,0,0,0,product_mng,medium -0.9,0.66,3,261,3,1,0,0,product_mng,medium -0.79,0.78,3,101,2,1,0,0,product_mng,medium -0.95,0.49,4,229,3,0,0,0,product_mng,medium -0.29,0.43,3,162,4,0,0,0,IT,medium -0.81,0.52,4,270,3,0,0,0,RandD,medium -0.21,0.56,6,277,5,0,0,0,RandD,medium -0.7,0.83,5,261,4,0,0,0,RandD,high -0.66,0.64,4,204,2,0,0,0,RandD,low -0.16,0.86,2,215,2,0,0,0,RandD,medium -0.72,0.8,3,219,3,0,0,0,marketing,medium -0.51,0.5,3,147,4,0,0,0,sales,medium -0.59,0.63,5,243,2,0,0,0,accounting,medium -0.66,0.4,2,155,5,1,0,0,support,medium -0.69,0.84,3,253,2,0,0,0,technical,medium -0.69,0.94,4,235,3,0,0,0,management,medium -0.89,0.79,5,257,3,0,0,0,marketing,medium -0.52,0.56,4,225,2,0,0,0,marketing,medium -0.91,0.91,3,167,3,0,0,0,marketing,medium -0.96,0.53,5,224,4,0,0,0,sales,low -0.8,0.58,5,127,3,0,0,0,sales,low -0.55,0.77,3,256,3,1,0,0,sales,low -0.93,0.63,4,233,2,0,0,0,sales,low -0.93,0.86,4,169,4,0,0,0,sales,low -0.54,0.48,3,152,2,0,0,0,sales,low -0.48,0.76,5,236,2,0,0,0,sales,low -0.19,0.99,3,154,2,0,0,0,sales,high -0.95,0.71,3,223,2,0,0,0,sales,low -0.96,0.81,4,211,3,0,0,0,sales,high -0.63,0.89,4,192,2,0,0,0,sales,high -0.81,0.8,4,227,2,1,0,0,sales,low -0.5,0.88,4,265,3,1,0,0,sales,low -0.76,0.72,5,228,2,0,0,0,sales,high -0.84,0.49,4,152,3,0,0,0,sales,low -0.2,0.95,5,169,5,0,0,0,sales,medium -0.78,0.92,3,169,3,0,0,0,sales,high -0.8,0.68,4,157,3,0,0,0,sales,medium -0.94,0.57,4,251,2,1,0,0,sales,medium -0.44,0.74,5,253,2,0,0,0,accounting,medium -0.92,0.85,3,155,2,0,0,0,accounting,medium -0.54,0.8,3,232,2,0,0,0,accounting,high -0.56,0.56,4,195,2,0,0,0,hr,medium -0.66,0.69,4,198,3,1,0,0,hr,medium -0.8,0.91,3,246,3,0,0,0,hr,medium -0.6,0.81,2,214,3,0,0,0,hr,high -0.73,0.73,5,249,3,0,0,0,technical,medium -0.55,0.74,3,211,3,1,0,0,technical,high -0.7,0.71,5,269,3,0,0,0,technical,low -0.53,0.68,4,214,3,0,0,0,technical,medium -0.9,0.94,4,231,3,0,0,0,technical,medium -0.8,0.78,3,175,3,0,0,0,technical,medium -0.51,0.6,5,175,3,0,0,0,technical,medium -0.86,0.96,5,238,5,0,0,0,technical,low -0.63,0.79,4,228,4,0,0,0,technical,low -0.83,0.93,3,220,4,0,0,0,technical,low -0.85,0.55,4,233,2,1,0,0,technical,low -0.8,0.57,3,225,4,0,0,0,support,low -0.79,0.97,5,187,3,0,0,0,support,low -0.37,0.71,3,117,3,0,0,0,support,low -0.85,0.9,3,184,3,1,0,0,support,low -0.76,0.56,3,216,3,0,0,0,support,low -0.99,0.62,4,140,2,1,0,0,support,low -0.55,0.63,3,201,2,1,0,0,support,high -0.69,0.69,4,167,3,1,0,0,support,low -0.68,1,5,203,2,0,0,0,support,low -0.69,0.9,5,231,2,1,0,0,support,low -0.65,0.7,3,141,4,0,0,0,support,low -0.17,0.88,6,226,3,1,0,0,technical,high -0.48,0.65,3,199,2,0,0,0,technical,low -0.65,0.59,4,192,3,0,0,0,technical,low -0.57,0.49,4,247,2,0,0,0,management,low -0.8,0.67,3,164,3,0,0,0,IT,high -0.8,0.6,5,234,2,0,0,0,IT,low -0.5,0.6,2,177,3,1,0,0,IT,medium -0.95,0.87,3,208,2,0,0,0,IT,high -0.69,0.93,3,233,3,0,0,0,IT,medium -0.74,0.57,4,172,3,0,0,0,product_mng,high -0.68,0.59,3,141,3,0,0,0,product_mng,medium -0.68,0.55,3,213,3,0,0,0,product_mng,medium -0.65,0.37,5,128,3,1,0,0,product_mng,medium -0.85,0.92,4,151,3,1,0,0,IT,medium -0.49,0.48,4,247,3,0,0,0,RandD,medium -0.19,0.8,6,143,4,0,0,0,RandD,medium -0.95,0.61,3,164,3,0,0,0,RandD,medium -0.63,0.62,3,183,3,0,0,0,RandD,medium -0.83,0.8,4,274,3,0,0,0,RandD,high -0.62,0.78,4,261,2,0,0,0,marketing,low -0.74,0.98,5,200,3,0,0,0,sales,medium -0.7,0.87,5,177,2,0,0,0,accounting,medium -0.28,0.38,5,139,4,0,0,0,support,medium -0.39,0.56,6,228,5,0,0,0,technical,medium -0.62,0.63,3,230,2,0,0,0,management,medium -0.79,0.54,5,212,4,0,0,0,marketing,medium -0.87,0.74,4,265,4,0,0,0,marketing,medium -0.29,0.75,3,124,4,0,0,0,marketing,medium -0.37,0.88,4,155,3,0,0,0,sales,medium -0.68,0.55,4,215,4,0,0,0,sales,high -0.9,0.51,4,214,2,0,0,0,sales,low -0.97,0.65,3,181,3,0,0,0,sales,low -0.6,0.77,4,229,2,0,0,0,sales,low -0.58,0.79,5,262,2,0,0,0,sales,high -0.83,0.86,3,165,3,0,0,0,sales,low -0.83,0.73,5,136,3,0,0,0,sales,low -0.94,0.71,4,151,2,1,0,0,sales,low -0.69,0.9,5,226,4,0,0,0,sales,high -0.81,0.81,5,215,2,0,0,0,sales,low -0.19,0.5,6,143,5,1,0,0,sales,low -0.18,0.64,3,223,4,1,0,0,sales,low -0.58,0.63,4,271,3,0,0,0,sales,low -0.76,0.65,3,220,3,0,0,0,sales,low -0.26,0.47,6,182,4,0,0,0,sales,low -0.78,0.87,3,190,3,0,0,0,sales,low -0.71,0.56,3,198,3,0,0,0,sales,medium -0.76,0.61,3,141,2,0,0,0,sales,medium -0.44,0.81,3,248,2,0,0,0,accounting,medium -0.26,0.69,2,168,5,0,0,0,accounting,medium -0.75,0.57,5,162,3,0,0,0,accounting,medium -0.64,0.9,4,211,3,0,0,0,hr,medium -0.79,0.71,4,271,3,0,0,0,hr,medium -0.96,0.61,3,271,2,0,0,0,hr,medium -0.63,1,5,244,2,0,0,0,hr,medium -0.65,0.55,5,261,3,1,0,0,technical,medium -0.76,0.81,3,225,3,0,0,0,technical,medium -0.26,0.9,4,266,5,0,0,0,technical,medium -0.84,0.73,3,146,5,1,0,0,technical,high -0.74,0.77,3,233,3,0,0,0,technical,low -0.53,0.45,4,180,3,0,0,0,technical,medium -0.7,0.56,5,208,3,0,0,0,technical,medium -0.62,0.69,4,165,4,1,0,0,technical,medium -0.71,0.68,4,221,4,0,0,0,technical,medium -0.5,0.65,3,215,2,0,0,0,technical,low -0.53,0.5,6,264,6,0,0,0,technical,low -0.88,0.89,2,160,4,0,0,0,support,low -0.79,0.83,2,192,3,0,0,0,support,low -0.69,0.89,5,201,2,0,0,0,support,low -0.57,0.96,4,264,2,0,0,0,support,low -0.68,0.8,4,186,3,1,0,0,support,low -0.6,0.82,4,272,3,0,0,0,support,low -0.7,0.9,4,216,3,0,0,0,support,low -0.71,0.76,4,142,2,1,0,0,support,low -0.49,0.51,4,133,3,0,0,0,support,low -0.74,0.7,4,260,2,0,0,0,support,low -0.2,0.93,4,101,5,0,0,0,support,low -0.57,0.5,4,230,2,0,0,0,technical,low -0.83,0.48,3,242,4,0,0,0,technical,low -0.22,0.64,3,193,2,0,0,0,technical,low -0.67,0.57,2,234,4,0,0,0,management,low -0.54,0.84,3,132,3,0,0,0,IT,low -0.54,0.53,4,183,3,0,0,0,IT,low -0.64,0.61,4,191,4,0,0,0,IT,low -0.23,0.84,5,140,4,0,0,0,IT,low -0.88,0.87,5,257,3,0,0,0,IT,medium -0.83,0.54,4,219,3,0,0,0,product_mng,medium -0.88,0.67,5,141,2,0,0,0,product_mng,medium -0.9,0.85,5,162,2,0,0,0,product_mng,medium -0.49,0.61,3,181,3,0,0,0,product_mng,medium -0.55,0.49,3,191,3,0,0,0,IT,medium -0.92,0.69,4,149,6,1,0,0,RandD,medium -0.72,0.67,3,164,4,0,0,0,RandD,medium -0.63,0.5,4,235,3,0,0,0,RandD,medium -0.98,0.66,3,199,3,0,0,0,RandD,medium -0.76,0.52,3,248,3,0,0,0,RandD,medium -0.42,0.56,2,103,3,1,0,0,marketing,medium -0.58,0.65,4,248,4,0,0,0,marketing,high -0.85,0.82,3,153,3,1,0,0,sales,low -0.67,0.95,4,241,4,0,0,0,accounting,medium -0.58,1,4,258,3,0,0,0,support,medium -0.84,0.76,5,172,5,1,0,0,technical,medium -0.56,0.68,3,149,2,0,0,0,management,medium -0.63,0.83,4,217,3,0,0,0,marketing,low -0.51,0.92,3,243,3,0,0,0,marketing,low -0.95,0.81,5,120,3,0,0,0,marketing,low -0.85,0.55,3,137,3,1,0,0,sales,low -0.73,0.78,5,150,3,0,0,0,sales,low -0.2,0.49,5,199,5,0,0,0,sales,low -0.78,0.79,3,203,2,0,0,0,sales,low -0.83,0.8,3,273,3,0,0,0,sales,low -0.87,0.56,2,214,3,1,0,0,sales,low -0.98,0.99,5,141,3,0,0,0,sales,low -1,0.81,5,243,3,0,0,0,sales,low -0.7,0.55,4,159,3,0,0,0,sales,low -0.62,0.88,5,146,3,0,0,0,sales,low -0.67,0.72,4,159,2,0,0,0,sales,low -0.86,0.96,4,196,3,0,0,0,sales,low -0.44,0.57,5,183,2,1,0,0,sales,low -0.19,0.86,4,192,4,0,0,0,sales,low -0.76,0.83,4,246,2,0,0,0,sales,low -0.89,0.93,5,191,4,0,0,0,sales,low -0.25,0.97,3,158,3,0,0,0,sales,low -0.68,1,4,167,2,0,0,0,sales,low -0.38,0.5,2,187,2,1,0,0,sales,medium -0.64,0.95,4,199,4,0,0,0,accounting,medium -0.76,0.62,4,157,3,0,0,0,accounting,medium -0.26,0.45,2,157,3,0,0,0,accounting,medium -0.69,0.67,3,178,2,0,0,0,hr,medium -0.98,0.66,3,154,2,0,0,0,hr,medium -0.86,0.83,5,208,2,1,0,0,hr,medium -0.14,0.68,4,273,5,1,0,0,hr,medium -0.58,0.63,4,159,3,0,0,0,technical,medium -0.63,0.97,4,234,2,0,0,0,technical,medium -0.7,0.91,5,139,3,1,0,0,technical,medium -0.73,0.62,4,210,4,0,0,0,technical,medium -0.89,0.52,3,164,3,0,0,0,technical,high -0.17,0.61,3,241,5,1,0,0,technical,low -0.86,0.73,5,259,2,0,0,0,technical,medium -0.59,0.73,3,159,3,1,0,0,technical,medium -0.22,0.51,4,131,2,0,0,0,technical,medium -0.55,0.57,3,266,2,0,0,0,technical,medium -0.74,0.6,3,153,2,0,0,0,technical,low -0.55,0.54,3,253,2,0,0,0,support,low -0.67,0.94,4,141,2,1,0,0,support,low -0.64,0.8,3,199,3,0,0,0,support,low -0.58,0.71,3,205,3,0,0,0,support,low -0.9,0.6,4,252,3,0,0,0,support,low -0.89,0.9,4,153,3,0,0,0,support,low -0.74,0.37,2,171,4,0,0,0,support,low -0.78,0.91,5,150,4,0,0,0,support,low -0.97,0.53,4,247,3,0,0,0,support,low -0.52,0.92,4,150,2,1,0,0,support,low -0.99,0.86,4,206,2,0,0,0,support,low -0.76,0.44,4,192,4,1,0,0,technical,low -0.69,0.96,5,164,3,0,0,0,technical,low -0.59,0.69,3,186,3,0,0,0,technical,low -0.95,0.63,3,249,3,0,0,0,management,low -0.69,0.81,3,214,2,0,0,0,IT,low -0.76,0.75,4,193,4,0,0,0,IT,low -0.7,0.84,2,114,4,0,0,0,IT,low -0.87,0.6,2,122,2,0,0,0,IT,low -0.44,0.55,3,170,3,1,0,0,IT,low -0.54,0.91,3,151,3,0,0,0,product_mng,medium -0.55,0.75,3,156,3,0,0,0,product_mng,medium -0.81,0.75,5,170,3,1,0,0,product_mng,medium -0.5,0.55,3,188,2,0,0,0,product_mng,medium -0.93,0.74,4,201,3,1,0,0,IT,medium -0.64,0.5,6,254,6,0,0,0,RandD,medium -0.57,0.78,3,206,4,0,0,0,RandD,medium -0.95,0.74,4,216,3,0,0,0,RandD,medium -0.86,0.67,5,200,3,0,0,0,RandD,medium -0.82,0.58,4,202,2,0,0,0,RandD,medium -0.18,0.79,4,217,4,0,0,0,RandD,medium -0.58,0.7,5,151,4,0,0,0,marketing,medium -0.57,0.56,3,224,2,0,0,0,sales,high -0.94,0.83,5,148,3,0,0,0,accounting,low -0.2,0.97,6,224,5,1,0,0,support,medium -0.73,0.75,2,243,5,1,0,0,technical,medium -0.94,0.8,4,238,3,1,0,0,management,medium -0.99,0.61,3,254,3,0,0,0,marketing,medium -0.22,0.49,4,218,4,0,0,0,marketing,low -0.67,0.66,3,237,3,0,0,0,marketing,low -0.49,0.67,4,185,2,0,0,0,sales,low -0.78,0.95,4,184,3,0,0,0,sales,low -0.15,0.74,2,176,3,1,0,0,sales,low -0.91,0.89,4,260,3,0,0,0,sales,low -0.7,0.78,4,254,4,0,0,0,sales,low -0.6,0.95,3,221,3,0,0,0,sales,low -0.59,0.57,5,257,2,0,0,0,sales,low -0.59,0.93,3,265,3,1,0,0,sales,low -0.55,0.64,3,138,3,1,0,0,sales,low -0.42,0.75,3,163,2,1,0,0,sales,low -0.57,0.81,3,144,3,0,0,0,sales,low -0.72,0.51,3,146,2,1,0,0,sales,low -0.83,0.81,3,242,6,0,0,0,sales,low -0.89,0.93,4,249,3,0,0,0,sales,low -0.55,0.59,3,245,3,0,0,0,sales,low -0.53,0.75,4,201,2,0,0,0,sales,low -0.74,0.59,4,177,4,1,0,0,sales,medium -0.63,0.98,4,160,2,0,0,0,sales,medium -0.63,0.4,6,177,2,1,0,0,sales,medium -0.61,0.97,4,153,3,0,0,0,accounting,medium -0.76,0.79,3,197,5,0,0,0,accounting,medium -0.67,0.82,4,246,4,0,0,0,accounting,medium -0.51,0.95,4,258,3,0,0,0,hr,medium -0.67,0.55,3,137,3,0,0,0,hr,medium -0.16,0.94,3,178,4,0,0,0,hr,medium -0.34,0.85,4,123,4,0,0,0,hr,medium -0.58,0.73,5,162,3,1,0,0,technical,medium -0.5,0.71,5,210,5,0,0,0,technical,medium -0.56,0.48,4,197,3,1,0,0,technical,high -0.56,0.98,3,220,3,0,0,0,technical,low -0.74,0.71,4,133,2,0,0,0,technical,medium -0.69,0.99,3,198,2,0,0,0,technical,medium -0.15,0.81,4,160,5,0,0,0,technical,medium -0.58,0.67,2,180,2,0,0,0,technical,medium -0.8,0.79,3,217,3,0,0,0,technical,low -0.5,0.57,3,223,3,0,0,0,technical,low -0.66,0.92,4,229,2,0,0,0,technical,low -0.81,0.78,4,159,3,0,0,0,support,low -0.14,0.68,5,253,5,0,0,0,support,low -0.92,0.85,3,235,2,0,0,0,support,low -0.69,0.91,4,186,3,0,0,0,support,low -0.66,0.99,4,263,2,0,0,0,support,low -0.85,0.39,4,239,4,0,0,0,support,low -0.83,0.69,4,151,2,0,0,0,support,low -1,0.49,3,106,4,0,0,0,support,low -0.68,0.65,3,183,4,0,0,0,support,low -0.26,0.97,3,125,2,0,0,0,support,low -0.35,0.41,3,157,2,0,0,0,support,low -0.12,0.58,3,241,2,0,0,0,technical,low -0.91,0.93,4,184,3,0,0,0,technical,low -0.65,0.67,4,144,3,0,0,0,technical,low -0.78,0.72,3,255,4,1,0,0,management,low -0.61,0.82,3,261,4,0,0,0,IT,low -0.64,0.51,4,207,2,0,0,0,IT,low -0.58,0.73,4,205,4,0,0,0,IT,low -0.63,0.76,4,217,2,1,0,0,IT,medium -0.94,0.6,4,215,2,1,0,0,IT,medium -0.26,0.81,5,139,4,0,0,0,product_mng,medium -0.59,0.69,3,146,3,0,0,0,product_mng,medium -0.78,0.8,4,175,3,0,0,0,product_mng,medium -0.86,0.64,5,188,3,0,0,0,product_mng,medium -0.79,0.73,5,155,3,0,0,0,IT,medium -0.89,0.73,4,171,4,0,0,0,RandD,medium -0.34,0.99,4,184,3,0,0,0,RandD,medium -0.29,0.77,3,164,6,0,0,0,RandD,medium -0.71,0.89,3,244,4,0,0,0,RandD,medium -0.93,0.58,4,222,2,0,0,0,RandD,medium -0.94,0.76,4,231,3,1,0,0,RandD,high -0.91,0.72,3,213,3,0,0,0,marketing,low -0.71,0.96,4,144,4,0,0,0,sales,medium -0.67,0.81,3,221,4,1,0,0,accounting,medium -0.54,0.42,3,138,3,1,0,0,support,medium -0.89,0.58,3,183,4,0,0,0,technical,medium -0.94,0.91,3,250,3,1,0,0,management,low -0.15,0.89,3,219,6,0,0,0,marketing,low -0.45,0.92,6,164,4,1,0,0,marketing,low -0.92,0.67,4,161,4,1,0,0,marketing,low -0.63,0.56,4,274,5,1,0,0,sales,low -0.8,0.66,4,181,3,1,0,0,sales,low -0.45,0.72,3,148,2,0,0,0,sales,low -0.72,0.54,3,226,2,1,0,0,sales,low -0.84,0.36,6,256,5,0,0,0,sales,low -0.61,0.51,3,141,2,0,0,0,sales,low -0.63,0.88,3,177,3,0,0,0,sales,low -0.49,0.54,4,173,2,0,0,0,sales,low -0.68,0.51,2,196,3,0,0,0,sales,low -0.64,0.85,5,179,2,0,0,0,sales,low -0.61,0.64,4,201,3,0,0,0,sales,low -0.83,0.55,5,247,3,0,0,0,sales,low -0.94,0.51,5,238,2,0,0,0,sales,low -0.27,0.66,3,133,6,0,0,0,sales,low -0.6,0.49,2,194,4,0,0,0,sales,low -0.83,0.69,4,232,2,0,0,0,sales,low -0.53,0.75,3,232,3,0,0,0,sales,low -0.79,0.97,4,204,3,0,0,0,sales,medium -0.96,0.49,4,252,3,1,0,0,sales,medium -0.5,0.56,3,164,3,0,0,0,accounting,medium -0.68,0.81,5,266,2,0,0,0,accounting,medium -0.24,0.54,4,226,4,1,0,0,accounting,medium -0.8,0.8,4,252,6,0,0,0,hr,medium -0.62,0.74,4,155,3,0,0,0,hr,medium -1,0.85,3,202,2,0,0,0,hr,medium -0.64,0.75,3,214,3,0,0,0,hr,medium -0.51,0.55,4,267,3,0,0,0,technical,medium -0.74,0.5,4,265,3,0,0,0,technical,medium -0.49,0.99,3,221,2,1,0,0,technical,medium -0.96,0.83,4,132,6,0,0,0,technical,high -0.59,0.62,4,227,4,1,0,0,technical,low -0.84,0.57,4,234,3,0,0,0,technical,medium -0.16,0.84,3,238,6,0,0,0,technical,medium -0.62,0.75,3,149,2,1,0,0,technical,medium -0.79,0.67,4,152,3,0,0,0,technical,medium -0.53,0.83,4,249,3,1,0,0,technical,low -0.17,0.48,6,270,5,0,0,0,technical,low -0.57,0.76,3,200,2,0,0,0,support,low -0.65,0.82,4,207,2,0,0,0,support,low -0.69,0.74,4,266,2,1,0,0,support,low -0.3,0.8,6,250,3,0,0,0,support,low -0.99,0.92,3,220,3,0,0,0,support,low -0.5,0.69,4,177,2,0,0,0,support,low -0.54,0.96,3,147,2,0,0,0,support,medium -0.69,0.57,4,227,4,0,0,0,support,medium -0.5,0.85,4,272,2,0,0,0,support,medium -0.66,0.73,3,244,3,0,0,0,support,medium -1,0.93,5,182,3,1,0,0,support,medium -0.15,0.61,3,146,6,1,0,0,technical,medium -0.31,0.54,5,259,5,1,0,0,technical,medium -0.65,0.49,4,184,4,0,0,0,technical,medium -0.72,0.69,4,149,2,0,0,0,management,medium -0.84,0.85,4,185,3,1,0,0,IT,medium -0.55,0.8,3,254,2,0,0,0,IT,medium -0.6,0.58,4,249,3,0,0,0,IT,medium -0.84,0.48,4,269,2,0,0,0,IT,medium -0.68,0.87,3,168,3,0,0,0,IT,medium -0.13,1,6,225,3,0,0,0,product_mng,medium -0.88,0.98,3,160,2,0,0,0,product_mng,medium -0.64,0.57,5,149,3,1,0,0,product_mng,medium -0.19,0.95,5,193,3,0,0,0,product_mng,medium -0.83,0.88,5,171,3,1,0,0,IT,medium -0.17,0.41,4,232,3,1,0,0,RandD,medium -0.44,0.74,4,250,6,0,0,0,RandD,medium -0.52,0.55,4,243,2,0,0,0,RandD,medium -0.66,0.62,4,250,2,0,0,0,RandD,medium -0.96,0.55,4,153,3,0,0,0,RandD,medium -0.19,0.5,5,126,3,1,0,0,RandD,medium -0.86,1,3,192,3,0,0,0,marketing,high -0.65,0.57,3,137,4,1,0,0,sales,high -0.61,0.97,3,199,3,1,0,0,accounting,high -0.53,0.96,3,181,3,1,0,0,support,high -0.14,0.76,5,260,6,0,0,0,technical,high -0.74,1,4,199,4,0,0,0,management,high -0.47,0.62,6,171,5,1,0,0,marketing,high -0.6,0.56,4,260,3,0,0,0,marketing,high -0.81,0.58,3,243,4,0,0,0,marketing,high -0.95,0.59,2,154,4,0,0,0,sales,high -0.98,0.8,2,201,2,0,0,0,sales,high -0.52,0.8,5,234,3,0,0,0,sales,high -1,0.97,3,216,3,1,0,0,sales,low -0.16,0.74,5,205,4,1,0,0,sales,low -0.19,0.83,3,225,4,0,0,0,sales,low -0.94,0.87,3,229,3,0,0,0,sales,low -0.58,0.43,6,132,3,0,0,0,sales,low -0.92,0.69,4,180,3,0,0,0,sales,low -0.65,0.8,4,164,4,0,0,0,sales,low -0.74,0.74,5,175,3,0,0,0,sales,low -0.6,0.53,5,103,2,0,0,0,sales,low -1,1,5,142,4,0,0,0,sales,low -0.81,0.96,4,212,3,0,0,0,sales,low -0.54,0.67,2,129,3,1,0,0,sales,low -0.18,0.81,5,140,4,0,0,0,sales,low -0.82,0.88,4,149,2,0,0,0,sales,low -0.9,0.96,2,258,2,0,0,0,sales,low -0.62,0.62,4,136,2,0,0,0,sales,medium -0.77,0.76,2,216,3,1,0,0,accounting,medium -0.58,0.86,3,151,2,0,0,0,accounting,medium -0.27,0.47,5,217,6,0,0,0,accounting,medium -0.78,0.72,4,219,3,0,0,0,hr,medium -0.98,0.66,3,150,3,0,0,0,hr,medium -0.75,0.5,4,98,4,0,0,0,hr,medium -0.74,0.67,5,140,3,0,0,0,hr,medium -0.9,0.99,3,259,3,1,0,0,technical,medium -0.73,0.71,5,215,6,1,0,0,technical,medium -0.9,0.62,4,258,3,0,0,0,technical,medium -0.68,0.91,4,162,3,1,0,0,technical,medium -0.9,0.74,3,260,4,0,0,0,technical,high -0.64,0.93,5,198,2,0,0,0,technical,high -0.63,0.9,2,242,3,1,0,0,technical,high -0.87,0.89,4,219,4,0,0,0,technical,high -0.6,0.55,4,204,3,0,0,0,technical,high -0.7,0.74,3,157,3,0,0,0,technical,high -0.15,0.94,5,244,6,0,0,0,technical,high -0.45,0.75,3,122,3,0,0,0,support,high -0.43,0.9,5,282,5,0,0,0,support,low -0.92,0.46,5,195,5,0,0,0,support,low -0.72,0.81,4,134,2,0,0,0,support,low -0.94,0.84,3,210,2,0,0,0,support,low -0.74,0.52,3,170,3,0,0,0,support,low -0.48,0.71,2,140,3,1,0,0,support,low -0.84,0.76,5,215,2,1,0,0,support,low -0.53,0.86,3,150,3,0,0,0,support,low -0.45,0.88,5,268,3,1,0,0,support,medium -0.95,0.67,4,270,4,0,0,0,support,medium -0.95,0.58,3,163,3,0,0,0,technical,medium -0.7,0.85,3,188,2,0,0,0,technical,medium -0.19,0.93,3,110,4,0,0,0,technical,medium -0.74,0.91,5,135,3,0,0,0,management,medium -0.54,0.59,4,228,3,0,0,0,IT,medium -0.5,0.69,5,172,2,0,0,0,IT,medium -0.95,0.72,3,168,5,0,0,0,IT,medium -0.69,0.69,5,160,3,0,0,0,IT,medium -0.24,0.74,5,282,3,0,0,0,IT,medium -0.96,0.7,5,184,2,1,0,0,product_mng,medium -0.61,0.5,4,217,4,1,0,0,product_mng,medium -0.76,0.53,6,281,3,0,0,0,product_mng,medium -0.61,0.64,3,245,2,0,0,0,product_mng,medium -0.37,0.48,2,285,5,0,0,0,IT,medium -0.81,0.9,4,165,3,0,0,0,RandD,medium -0.59,0.9,3,146,3,0,0,0,RandD,medium -0.73,0.82,3,133,3,0,0,0,RandD,medium -0.87,0.57,2,181,6,0,0,0,RandD,medium -0.67,0.66,6,152,3,0,0,0,RandD,medium -0.96,0.78,2,284,3,0,0,0,RandD,medium -0.98,0.51,3,157,3,0,0,0,marketing,medium -0.5,0.58,4,165,2,0,0,0,sales,high -0.49,0.71,3,255,2,1,0,0,accounting,low -0.13,0.65,4,194,4,0,0,0,support,medium -0.57,0.68,3,102,6,0,0,0,technical,medium -0.51,0.94,4,247,2,0,0,0,management,medium -0.99,0.69,3,206,2,0,0,0,marketing,medium -0.8,0.77,3,171,2,0,0,0,marketing,medium -0.56,0.39,5,263,4,0,0,0,marketing,medium -0.96,0.84,4,272,4,1,0,0,sales,medium -0.96,0.5,3,158,2,1,0,0,sales,medium -0.87,0.53,6,216,6,1,0,0,sales,medium -0.61,0.9,5,113,3,0,0,0,sales,medium -0.18,0.6,3,140,4,0,0,0,sales,low -0.24,0.77,5,178,5,0,0,0,sales,low -0.86,0.48,4,153,3,0,0,0,sales,low -0.25,0.62,6,271,5,0,0,0,sales,low -0.25,0.82,3,269,5,0,0,0,sales,low -0.63,0.55,3,160,3,0,0,0,sales,low -0.89,0.68,4,258,2,1,0,0,sales,low -0.87,0.82,4,251,3,0,0,0,sales,high -0.87,0.78,3,170,2,0,0,0,sales,low -0.71,0.99,4,238,4,1,0,0,sales,high -0.98,0.87,4,152,2,0,0,0,sales,high -0.16,0.51,3,262,6,0,0,0,sales,low -0.83,0.68,4,273,2,0,0,0,sales,low -0.65,0.77,3,233,2,0,0,0,sales,high -0.95,0.64,3,262,3,0,0,0,sales,low -0.67,0.67,3,183,3,0,0,0,accounting,medium -0.53,0.88,3,150,3,1,0,0,accounting,high -0.74,0.94,3,132,3,0,0,0,accounting,medium -0.77,0.79,3,200,4,0,0,0,hr,medium -0.13,0.72,4,148,5,0,0,0,hr,medium -0.82,0.92,3,187,3,1,0,0,hr,medium -0.88,0.65,4,224,2,0,0,0,hr,high -0.89,0.5,4,147,2,0,0,0,technical,medium -0.85,0.51,3,153,4,0,0,0,technical,medium -0.93,0.87,5,154,2,0,0,0,technical,medium -0.62,0.7,5,270,3,0,0,0,technical,high -0.58,0.96,3,202,2,0,0,0,technical,medium -0.98,0.5,4,264,3,0,0,0,technical,high -0.52,0.45,2,145,3,0,0,0,technical,low -0.76,0.49,3,138,2,1,0,0,technical,medium -0.73,0.91,3,238,2,0,0,0,technical,medium -0.74,0.64,4,147,5,0,0,0,technical,medium -0.49,0.48,3,190,2,0,0,0,technical,medium -0.91,0.97,4,183,3,0,0,0,support,low -0.74,0.92,5,255,3,0,0,0,support,low -0.86,0.82,4,252,4,0,0,0,support,low -0.52,0.47,6,141,5,1,0,0,support,low -0.95,0.81,3,260,2,0,0,0,support,low -0.65,0.98,3,136,3,0,0,0,support,low -0.7,0.56,4,182,2,0,0,0,support,low -0.14,0.66,6,142,5,0,0,0,support,low -0.92,0.53,2,261,4,0,0,0,support,low -0.54,0.6,3,209,2,0,0,0,support,low -0.76,0.95,2,156,4,0,0,0,support,high -0.78,0.66,4,214,2,0,0,0,technical,low -0.85,0.86,4,250,3,0,0,0,technical,low -0.78,0.8,4,197,3,1,0,0,technical,low -0.55,0.72,3,149,3,0,0,0,management,low -0.68,0.61,5,271,2,0,0,0,IT,high -0.91,0.68,4,187,2,0,0,0,IT,low -0.76,0.56,3,154,2,0,0,0,IT,low -0.15,0.67,4,264,3,0,0,0,IT,low -0.95,0.6,2,144,3,0,0,0,IT,high -0.74,0.37,6,200,3,0,0,0,product_mng,low -0.92,0.56,5,197,2,1,0,0,product_mng,medium -0.64,0.89,3,175,3,1,0,0,product_mng,high -0.96,0.9,3,161,3,0,0,0,product_mng,medium -0.21,0.72,3,245,6,0,0,0,IT,high -0.85,0.67,3,167,4,0,0,0,RandD,medium -0.52,0.86,5,168,3,0,0,0,RandD,medium -0.54,0.81,5,261,6,0,0,0,RandD,medium -0.56,0.81,5,274,4,0,0,0,RandD,medium -0.59,0.79,4,181,3,0,0,0,RandD,medium -0.88,0.58,5,266,3,1,0,0,marketing,medium -0.7,0.84,4,184,3,0,0,0,sales,medium -0.95,0.58,3,193,2,0,0,0,accounting,medium -0.83,0.88,3,217,2,1,0,0,support,high -0.76,0.62,4,197,3,0,0,0,technical,low -0.82,0.92,5,252,3,0,0,0,management,medium -0.55,0.97,4,136,3,0,0,0,marketing,medium -0.89,0.55,5,194,4,0,0,0,marketing,medium -0.66,0.94,4,190,3,0,0,0,marketing,medium -0.41,0.61,3,185,2,1,0,0,sales,medium -0.83,0.77,3,232,2,1,0,0,sales,medium -0.88,0.72,3,200,2,1,0,0,sales,medium -0.56,0.66,5,155,2,0,0,0,sales,medium -0.53,0.72,3,228,3,0,0,0,sales,medium -0.8,0.41,3,188,4,0,0,0,sales,high -0.95,0.78,4,245,3,0,0,0,sales,low -0.9,0.88,4,205,2,0,0,0,sales,low -0.5,0.97,4,269,3,0,0,0,sales,low -0.4,0.59,3,207,6,0,0,0,sales,high -0.52,0.85,3,250,4,0,0,0,sales,low -0.51,0.5,5,251,3,1,0,0,sales,low -0.84,0.62,5,217,3,0,0,0,sales,low -0.78,0.98,5,252,3,0,0,0,sales,high -0.91,0.71,2,159,3,1,0,0,sales,low -0.59,0.71,5,169,2,0,0,0,sales,low -0.69,0.97,5,105,4,0,0,0,sales,low -0.87,0.93,4,268,2,0,0,0,sales,low -0.66,1,5,145,2,0,0,0,sales,low -0.5,0.54,4,165,3,0,0,0,accounting,low -0.95,0.75,3,253,4,0,0,0,accounting,low -0.77,0.64,3,254,3,0,0,0,accounting,medium -0.66,0.5,3,218,2,0,0,0,hr,medium -0.61,0.98,3,138,5,1,0,0,hr,medium -0.7,0.87,5,239,3,0,0,0,hr,medium -0.89,0.71,5,182,2,1,0,0,hr,medium -0.6,0.78,4,152,3,1,0,0,technical,medium -0.62,0.51,3,222,3,1,0,0,technical,medium -0.59,0.9,2,219,2,1,0,0,technical,medium -0.69,0.59,4,266,4,0,0,0,technical,medium -0.36,0.94,3,113,5,1,0,0,technical,medium -0.59,0.93,4,146,3,0,0,0,technical,medium -0.5,0.51,5,238,4,0,0,0,technical,medium -0.53,0.99,3,188,3,0,0,0,technical,high -0.84,0.9,4,237,2,0,0,0,technical,low -0.51,0.95,4,201,3,0,0,0,technical,medium -0.53,0.56,5,188,3,0,0,0,technical,medium -0.98,0.63,3,137,3,0,0,0,support,medium -0.95,0.81,4,263,3,0,0,0,support,medium -0.13,0.76,5,217,3,0,0,0,support,low -0.5,0.64,4,213,4,0,0,0,support,low -0.93,0.76,3,244,3,0,0,0,support,low -0.5,0.87,3,252,2,0,0,0,support,low -0.66,0.84,4,168,2,0,0,0,support,low -0.89,0.79,4,212,3,0,0,0,support,low -0.46,0.43,4,258,3,0,0,0,support,low -0.67,0.6,4,210,3,0,0,0,support,low -0.96,0.9,4,246,3,0,0,0,support,low -0.98,0.76,4,221,3,1,0,0,technical,low -0.67,0.57,5,215,4,0,0,0,technical,low -0.72,0.72,4,175,4,0,0,0,technical,low -0.65,0.49,5,221,2,0,0,0,management,low -0.72,0.67,5,219,3,0,0,0,IT,low -0.78,0.58,3,154,3,0,0,0,IT,low -0.93,0.56,3,266,2,0,0,0,IT,low -0.73,0.85,5,224,4,0,0,0,IT,low -0.2,0.57,4,269,5,1,0,0,IT,low -0.47,0.5,4,159,2,0,0,0,product_mng,low -0.56,0.62,4,247,3,0,0,0,product_mng,low -0.72,0.86,4,137,2,0,0,0,product_mng,low -0.91,0.56,4,251,4,0,0,0,product_mng,medium -0.79,0.49,5,210,3,0,0,0,IT,medium -0.53,0.75,2,123,4,0,0,0,RandD,medium -0.14,0.51,4,253,6,0,0,0,RandD,medium -0.78,0.92,5,242,4,0,0,0,RandD,medium -0.52,0.74,3,238,3,0,0,0,RandD,medium -0.94,0.68,5,151,2,0,0,0,RandD,medium -0.83,0.8,4,158,4,0,0,0,marketing,medium -0.44,0.68,2,120,2,0,0,0,marketing,medium -0.72,0.74,3,187,2,0,0,0,sales,medium -0.84,0.58,3,140,3,0,0,0,accounting,medium -0.76,0.99,3,164,2,0,0,0,support,medium -0.92,0.94,5,253,2,0,0,0,technical,high -0.58,0.93,5,235,2,0,0,0,management,low -0.85,0.81,4,189,4,0,0,0,marketing,medium -0.74,0.51,4,246,3,1,0,0,marketing,medium -0.74,0.87,4,258,2,0,0,0,marketing,medium -0.72,0.8,3,158,3,0,0,0,sales,medium -0.76,0.98,4,173,3,1,0,0,sales,low -0.85,0.72,3,201,3,0,0,0,sales,low -0.82,0.49,5,185,3,0,0,0,sales,low -0.6,0.93,5,270,3,1,0,0,sales,low -0.39,0.64,3,152,2,0,0,0,sales,low -0.83,0.53,3,211,4,1,0,0,sales,low -0.7,0.92,3,162,3,1,0,0,sales,low -0.84,0.97,4,253,2,1,0,0,sales,low -0.9,0.77,4,236,3,0,0,0,sales,low -0.18,0.84,4,231,5,0,0,0,sales,low -0.52,0.71,2,231,2,0,0,0,sales,low -0.87,0.51,4,233,3,0,0,0,sales,low -0.6,0.79,5,217,2,0,0,0,sales,low -0.72,0.93,4,174,2,0,0,0,sales,low -0.48,0.64,4,227,3,0,0,0,sales,low -0.75,0.53,3,222,2,0,0,0,sales,low -0.85,0.55,2,207,6,0,0,0,sales,low -0.39,0.41,6,115,3,0,0,0,sales,low -0.61,0.68,3,254,2,0,0,0,accounting,low -0.6,0.61,4,170,3,0,0,0,accounting,low -0.57,0.64,2,206,3,0,0,0,accounting,low -0.19,0.68,5,149,3,0,0,0,hr,medium -0.48,0.77,3,197,3,0,0,0,hr,medium -0.69,0.75,4,261,3,0,0,0,hr,medium -0.7,0.55,4,256,4,0,0,0,hr,medium -0.65,0.92,3,219,3,0,0,0,technical,medium -0.81,0.96,4,143,3,1,0,0,technical,medium -0.85,0.95,4,171,3,0,0,0,technical,medium -0.93,0.76,4,207,2,0,0,0,technical,medium -0.72,0.94,4,235,3,0,0,0,technical,medium -0.49,0.55,2,173,3,0,0,0,technical,medium -0.94,0.47,5,131,6,0,0,0,technical,medium -0.81,0.84,4,143,2,0,0,0,technical,medium -0.92,0.78,5,193,4,0,0,0,technical,high -0.97,0.82,3,135,2,0,0,0,technical,low -0.98,0.61,4,265,2,1,0,0,technical,medium -0.44,0.45,3,133,2,1,0,0,support,medium -0.72,0.87,4,184,4,0,0,0,support,medium -0.8,0.73,5,135,3,0,0,0,support,medium -0.6,0.72,4,267,4,0,0,0,support,low -0.89,0.65,4,184,3,0,0,0,support,low -0.69,0.57,5,227,2,0,0,0,support,low -0.54,0.81,4,257,2,0,0,0,support,low -0.97,0.75,5,235,3,1,0,0,support,low -0.37,0.4,4,161,2,0,0,0,support,low -0.73,0.52,4,215,3,0,0,0,support,low -0.57,0.69,4,146,3,0,0,0,support,low -0.86,0.66,4,191,2,0,0,0,technical,low -0.83,0.85,4,261,3,0,0,0,technical,low -0.19,0.52,5,200,5,0,0,0,technical,low -0.55,0.93,4,239,4,0,0,0,management,low -0.6,0.65,4,160,2,0,0,0,IT,low -0.62,0.71,3,177,3,1,0,0,IT,low -0.65,0.55,5,215,2,0,0,0,IT,low -0.4,0.48,4,97,2,0,0,0,IT,low -0.82,0.78,5,231,2,1,0,0,IT,low -0.75,0.69,2,257,2,1,0,0,product_mng,low -0.83,0.53,3,232,3,1,0,0,product_mng,low -0.77,0.78,4,212,3,0,0,0,product_mng,low -0.59,0.98,4,198,3,0,0,0,product_mng,low -0.8,0.79,5,240,4,0,0,0,IT,medium -0.84,0.55,3,242,3,0,0,0,RandD,medium -0.88,0.71,4,250,3,0,0,0,RandD,medium -0.37,0.9,3,229,6,0,0,0,RandD,medium -0.88,0.66,4,133,2,0,0,0,RandD,medium -0.69,0.85,3,200,2,0,0,0,RandD,medium -0.54,0.49,2,155,2,1,0,0,marketing,medium -0.76,0.57,5,139,4,0,0,0,sales,medium -0.51,0.58,4,272,3,0,0,0,accounting,medium -0.16,0.52,3,100,4,0,0,0,support,medium -0.65,0.6,5,160,3,0,0,0,technical,medium -0.54,0.81,5,195,4,0,0,0,management,medium -0.66,0.68,4,152,3,0,0,0,marketing,high -0.95,0.65,5,182,3,0,0,0,marketing,low -0.83,0.57,3,137,2,0,0,0,marketing,medium -0.98,0.84,4,182,3,0,0,0,sales,medium -0.72,0.72,3,217,2,0,0,0,sales,medium -0.71,0.62,4,192,4,0,0,0,sales,medium -0.36,0.65,3,116,2,1,0,0,sales,low -0.55,0.65,4,170,4,0,0,0,sales,low -0.64,0.52,3,223,3,0,0,0,sales,low -0.62,0.57,3,174,2,0,0,0,sales,low -1,0.95,3,193,6,0,0,0,sales,low -0.91,0.91,6,167,2,1,0,0,sales,low -0.81,0.67,4,225,3,0,0,0,sales,low -0.71,0.92,4,248,3,1,0,0,sales,low -0.97,0.74,3,104,5,0,0,0,sales,low -0.75,0.86,6,148,4,0,0,0,sales,low -0.68,1,3,148,4,1,0,0,sales,low -0.87,0.68,5,187,3,0,0,0,sales,low -0.96,0.57,3,151,2,0,0,0,sales,low -0.41,0.86,6,215,5,0,0,0,sales,low -0.81,0.61,4,142,4,0,0,0,sales,low -0.68,1,6,258,5,0,0,0,sales,low -0.63,0.56,4,228,3,0,0,0,accounting,low -0.6,0.84,2,221,3,0,0,0,accounting,low -0.66,0.97,3,263,3,0,0,0,accounting,medium -0.69,0.82,4,273,4,0,0,0,hr,medium -0.23,0.37,3,247,4,0,0,0,hr,medium -0.52,0.63,3,225,3,0,0,0,hr,medium -0.65,0.86,4,269,2,1,0,0,hr,medium -0.78,0.4,6,174,3,0,0,0,technical,medium -0.6,0.65,5,201,2,0,0,0,technical,medium -0.9,0.62,3,254,3,0,0,0,technical,medium -0.59,0.95,5,254,2,0,0,0,technical,medium -0.89,0.78,3,185,2,1,0,0,technical,medium -0.96,0.85,4,200,4,0,0,0,technical,medium -0.68,0.76,3,190,3,1,0,0,technical,medium -0.52,0.72,2,160,2,0,0,0,technical,high -0.68,0.94,3,264,2,0,0,0,technical,low -0.6,0.59,3,172,3,0,0,0,technical,medium -0.28,0.83,5,279,4,0,0,0,technical,medium -0.98,0.54,5,260,3,0,0,0,support,medium -0.67,0.52,4,262,2,0,0,0,support,medium -0.86,0.6,5,134,2,1,0,0,support,low -0.83,0.9,3,195,3,0,0,0,support,low -0.79,0.86,3,139,3,0,0,0,support,low -0.54,0.86,4,205,5,0,0,0,support,low -0.51,0.86,5,212,2,0,0,0,support,low -0.75,0.65,4,148,2,0,0,0,support,low -0.51,0.67,4,228,3,0,0,0,support,low -0.73,0.74,5,230,3,0,0,0,support,low -0.17,0.4,4,286,3,0,0,0,support,low -0.88,0.59,4,142,3,0,0,0,technical,low -0.76,0.79,3,161,3,0,0,0,technical,low -0.29,0.77,3,152,3,1,0,0,technical,low -0.62,0.97,4,266,3,0,0,0,management,low -0.5,0.85,2,143,3,0,0,0,IT,low -0.16,0.65,5,165,3,0,0,0,IT,low -0.18,0.99,4,204,6,0,0,0,IT,low -0.86,0.68,4,170,2,0,0,0,IT,low -0.68,0.52,5,203,3,0,0,0,IT,low -0.68,0.85,3,199,3,0,0,0,product_mng,low -0.89,0.78,4,223,3,0,0,0,product_mng,low -0.86,0.88,4,220,2,0,0,0,product_mng,low -0.43,0.41,4,190,3,0,0,0,product_mng,medium -0.85,0.58,4,143,6,1,0,0,IT,medium -0.94,0.8,5,111,4,0,0,1,RandD,medium -0.58,0.71,4,145,3,1,0,1,RandD,medium -0.43,0.6,3,138,3,0,0,1,RandD,medium -0.72,0.49,3,203,3,0,0,1,RandD,medium -0.95,0.96,5,175,3,1,0,1,RandD,medium -0.35,0.67,3,119,3,0,0,1,marketing,medium -0.77,0.79,3,157,3,0,0,1,sales,medium -0.74,0.7,5,135,2,0,0,1,accounting,medium -0.5,0.6,4,200,2,0,0,1,support,medium -0.87,0.56,4,121,2,0,0,1,technical,medium -0.55,0.48,3,162,3,0,0,1,management,high -0.8,0.65,3,135,3,0,0,1,marketing,low -0.49,0.52,4,183,2,0,0,1,marketing,medium -0.54,0.92,4,228,3,0,0,1,marketing,medium -0.21,0.87,4,148,5,0,0,0,sales,medium -0.77,0.77,3,219,2,0,0,0,sales,medium -0.53,0.73,4,147,3,0,0,0,sales,low -0.89,0.49,5,165,6,0,0,0,sales,low -0.25,0.59,4,218,3,1,0,0,sales,low -0.53,0.59,3,231,2,0,0,0,sales,low -0.44,0.45,2,124,3,0,0,0,sales,low -0.7,0.44,2,131,2,0,0,0,sales,low -0.54,0.76,3,199,4,0,0,0,sales,low -0.9,0.56,3,220,3,0,0,0,sales,low -0.69,0.8,5,215,3,0,0,0,sales,low -0.78,0.59,4,180,3,0,0,0,sales,low -0.91,0.49,6,272,6,0,0,0,sales,low -0.92,0.61,2,228,2,0,0,0,sales,low -0.96,0.88,3,168,2,0,0,0,sales,low -0.8,0.77,4,205,2,0,0,0,sales,low -0.52,0.67,3,244,3,0,0,0,sales,low -0.52,0.97,3,185,2,0,0,0,sales,low -0.93,0.96,5,135,3,1,0,0,sales,low -0.89,0.9,4,160,2,0,0,0,accounting,low -0.83,0.61,4,262,4,0,0,0,accounting,low -0.7,0.84,6,225,6,0,0,0,accounting,low -0.89,0.74,4,174,2,0,0,0,hr,low -0.21,0.37,6,266,3,0,0,1,hr,medium -0.67,0.78,4,241,4,0,0,1,hr,medium -0.73,0.97,3,245,2,0,0,1,hr,medium -0.85,0.51,3,261,4,0,0,1,technical,medium -0.54,0.85,4,157,3,0,0,1,technical,medium -0.74,0.94,3,286,6,0,0,1,technical,medium -0.71,0.65,4,263,2,1,0,1,technical,medium -0.76,0.52,2,229,3,0,0,1,technical,medium -0.85,0.5,4,159,2,0,0,1,technical,medium -0.82,0.89,4,196,3,0,0,1,technical,medium -0.71,0.79,4,133,3,0,0,1,technical,medium -0.79,0.65,5,228,3,0,0,1,technical,medium -0.86,0.56,4,247,3,0,0,1,technical,high -0.9,0.78,5,215,3,0,0,1,technical,low -0.65,0.8,6,233,3,1,0,1,support,medium -0.53,0.74,5,237,2,0,0,1,support,medium -0.51,0.91,4,269,5,0,0,1,support,medium -1,0.76,6,246,3,1,0,1,support,medium -0.92,0.82,4,168,3,0,0,1,support,low -1,0.59,3,168,3,0,0,1,support,low -0.23,0.67,4,163,5,0,0,1,support,low -0.52,0.77,3,142,2,0,0,1,support,low -0.8,0.83,4,183,2,1,0,1,support,low -0.59,0.72,4,264,3,0,0,0,support,low -0.75,0.55,2,184,2,0,0,0,support,low -0.99,0.58,4,138,3,0,0,0,technical,low -0.57,0.76,3,195,3,0,0,0,technical,medium -0.87,0.95,4,251,3,0,0,0,technical,medium -0.52,0.47,3,108,5,0,0,0,management,medium -0.57,0.9,3,144,2,0,0,0,IT,medium -0.32,0.77,6,112,4,0,0,0,IT,medium -0.66,0.81,2,201,3,0,0,0,IT,medium -0.53,0.8,4,204,3,0,0,0,IT,medium -0.55,0.62,5,226,3,0,0,0,IT,medium -0.66,0.9,3,217,4,0,0,0,product_mng,medium -0.69,0.92,4,149,2,0,0,0,product_mng,medium -0.67,0.99,5,237,3,0,0,0,product_mng,medium -0.75,0.37,3,256,3,0,0,0,product_mng,medium -0.7,0.98,4,194,2,0,0,0,IT,medium -0.71,0.74,3,202,2,0,0,0,RandD,medium -0.97,0.6,5,133,2,0,0,0,RandD,medium -0.5,0.48,3,246,3,0,0,0,RandD,medium -0.34,0.92,3,206,3,0,0,0,RandD,medium -0.67,0.74,3,204,3,0,0,0,RandD,medium -0.78,0.98,4,157,3,0,0,0,marketing,medium -0.52,0.91,4,187,2,0,0,0,sales,medium -0.91,0.51,2,211,2,0,0,0,accounting,medium -0.79,0.92,3,204,3,0,0,0,support,medium -0.83,0.53,5,182,2,1,0,0,technical,medium -0.74,0.76,3,244,3,0,0,0,management,medium -0.77,0.97,3,184,3,1,0,0,marketing,medium -0.49,0.71,2,117,3,0,0,0,marketing,high -0.94,0.89,3,230,3,1,0,0,marketing,high -0.99,0.91,3,241,2,0,0,0,sales,high -0.69,0.84,3,227,3,1,0,0,sales,high -0.88,0.59,5,147,4,0,0,0,sales,high -0.89,0.9,3,240,3,0,0,0,sales,high -0.8,0.58,4,238,2,0,0,0,sales,high -0.22,0.89,4,262,4,0,0,0,sales,high -0.87,0.83,4,215,2,0,0,0,sales,high -0.66,0.66,3,211,4,0,0,0,sales,high -0.9,0.68,3,156,3,1,0,0,sales,high -0.95,0.54,4,180,5,0,0,0,sales,high -0.49,0.56,4,260,6,0,0,0,sales,low -0.71,0.68,4,228,2,0,0,0,sales,low -0.2,0.96,2,249,3,0,0,0,sales,low -0.95,0.64,3,242,5,1,0,0,sales,low -0.68,0.8,2,254,2,1,0,0,sales,low -0.93,0.68,3,272,2,1,0,0,sales,low -0.85,0.57,5,210,3,0,0,0,sales,low -0.82,0.68,3,140,2,0,0,0,sales,low -0.87,0.42,5,252,5,0,0,0,sales,low -0.88,0.84,3,266,3,0,0,0,accounting,low -0.98,0.79,4,138,3,0,0,0,accounting,low -0.89,0.98,3,220,3,0,0,0,accounting,low -0.92,0.51,5,214,3,0,0,0,hr,low -0.48,0.6,2,121,5,0,0,0,hr,low -0.67,0.49,4,195,3,0,0,0,hr,low -0.84,0.55,3,135,3,0,0,0,hr,medium -0.97,0.78,4,261,2,0,0,0,technical,medium -0.65,0.53,5,205,3,1,0,0,technical,medium -0.79,0.87,5,240,2,1,0,0,technical,medium -0.75,0.75,2,141,4,0,0,0,technical,medium -0.69,0.64,4,200,3,0,0,0,technical,medium -0.85,0.6,4,257,3,0,0,0,technical,medium -0.34,0.41,2,141,3,0,0,0,technical,medium -0.97,0.68,3,185,2,0,0,0,technical,medium -0.39,0.99,6,235,6,0,0,0,technical,medium -0.54,0.81,4,264,4,0,0,0,technical,medium -0.78,0.67,4,260,3,0,0,0,technical,medium -0.49,0.79,4,158,3,0,0,0,support,high -0.17,0.83,6,195,5,0,0,0,support,high -0.98,0.81,3,180,2,1,0,0,support,high -0.9,1,2,114,5,0,0,0,support,high -0.24,0.89,5,228,4,1,0,0,support,high -0.92,0.79,5,243,3,1,0,0,support,high -0.36,0.72,3,179,3,0,0,0,support,high -0.19,0.76,2,158,3,0,0,0,support,high -0.75,0.76,4,254,4,0,0,0,support,low -0.91,0.81,3,220,3,1,0,0,support,low -0.72,0.95,5,171,3,0,0,0,support,low -0.62,0.64,4,142,2,0,0,0,technical,low -0.97,0.75,3,241,2,0,0,0,technical,low -0.69,0.64,3,275,3,0,0,0,technical,low -0.98,0.56,3,157,2,0,0,0,management,low -0.62,0.53,5,169,3,0,0,0,IT,low -0.59,0.82,2,233,2,0,0,0,IT,medium -0.73,0.98,4,160,3,0,0,0,IT,medium -0.71,0.79,3,189,3,0,0,0,IT,medium -0.85,0.58,4,273,4,0,0,0,IT,medium -0.8,0.94,4,141,3,1,0,0,product_mng,medium -0.48,0.38,3,134,3,0,0,0,product_mng,medium -0.64,0.4,3,248,3,0,0,0,product_mng,medium -0.19,0.64,6,222,5,0,0,0,product_mng,medium -0.82,0.69,5,219,3,0,0,0,IT,medium -0.99,0.96,4,202,3,0,0,0,RandD,medium -0.45,0.58,3,200,2,0,0,0,RandD,medium -0.89,0.89,3,138,2,0,0,0,RandD,medium -0.75,0.78,4,158,5,1,0,0,RandD,medium -0.8,0.86,3,136,2,0,0,0,RandD,medium -0.78,0.49,4,222,2,0,0,0,marketing,medium -0.95,0.76,3,236,2,1,0,0,sales,medium -0.68,0.67,4,135,2,0,0,0,accounting,medium -0.82,0.97,5,235,3,0,0,0,support,medium -0.9,0.69,4,274,2,0,0,0,technical,medium -0.59,0.99,3,235,2,0,0,0,management,medium -0.66,0.57,3,169,4,1,0,0,marketing,medium -0.63,0.56,5,286,4,0,0,0,marketing,medium -0.73,0.78,3,166,2,0,0,0,marketing,medium -0.63,0.93,3,236,4,0,0,0,sales,high -0.87,0.62,5,197,2,0,0,0,sales,low -0.62,0.87,6,169,2,1,0,0,sales,medium -0.53,0.9,3,210,3,0,0,0,sales,medium -0.94,0.83,4,156,2,0,0,0,sales,medium -0.94,0.55,5,231,2,0,0,0,sales,medium -0.55,0.64,3,101,2,1,0,0,sales,medium -0.58,0.72,4,259,3,0,0,0,sales,medium -0.98,0.88,5,203,5,1,0,0,sales,medium -0.74,0.76,5,255,4,0,0,0,sales,medium -0.65,0.48,3,131,3,1,0,0,sales,medium -0.97,0.79,2,272,2,0,0,0,sales,medium -0.58,0.75,4,253,2,0,0,0,sales,low -0.49,0.77,2,254,2,0,0,0,sales,low -0.69,0.98,3,214,2,0,0,0,sales,low -0.55,0.49,5,195,3,0,0,0,sales,low -0.65,0.89,4,240,3,0,0,0,sales,low -0.87,0.49,4,149,2,0,0,0,sales,low -0.12,0.7,4,276,4,0,0,0,sales,low -0.65,0.84,4,247,4,0,0,0,accounting,high -0.23,0.66,4,212,4,1,0,0,accounting,low -0.62,0.77,4,256,3,0,0,0,accounting,high -0.86,0.72,4,178,2,0,0,0,hr,high -0.85,0.6,4,255,4,0,0,0,hr,low -0.74,0.76,3,224,2,0,0,0,hr,low -0.53,0.76,2,204,4,0,0,0,hr,high -0.99,0.44,6,104,6,0,0,0,technical,low -0.48,0.81,5,113,3,0,0,0,technical,medium -0.72,0.74,3,243,2,0,0,0,technical,high -0.76,0.72,3,242,5,1,0,0,technical,medium -0.41,0.7,4,177,3,0,0,0,technical,medium -0.85,0.88,3,235,2,0,0,0,technical,medium -0.62,0.49,4,175,3,0,0,0,technical,medium -0.16,0.78,4,280,6,0,0,0,technical,high -0.58,0.61,3,205,2,0,0,0,technical,medium -0.73,0.95,4,243,3,0,0,0,technical,medium -0.28,0.76,3,150,2,0,0,0,technical,medium -0.77,0.61,4,178,2,1,0,0,support,high -0.85,0.86,3,231,3,0,0,0,support,medium -0.56,0.76,3,134,2,0,0,0,support,high -0.81,1,5,143,2,0,0,0,support,low -0.83,0.87,3,156,3,0,0,0,support,medium -0.49,0.48,4,249,3,0,0,0,support,medium -0.81,0.97,3,247,3,0,0,0,support,medium -0.56,0.92,5,222,4,0,0,0,support,medium -0.77,0.83,3,160,3,0,0,0,support,low -0.73,0.5,4,224,4,1,0,0,support,low -0.95,0.72,4,235,2,0,0,0,support,low -0.69,0.68,5,167,3,0,0,0,technical,low -0.79,0.89,3,104,4,0,0,0,technical,low -0.63,0.57,5,160,2,0,0,0,technical,low -0.8,0.79,4,168,3,0,0,0,management,low -0.64,0.61,2,153,2,0,0,0,IT,low -0.92,0.9,4,249,3,0,0,0,IT,low -0.96,0.75,4,177,2,0,0,0,IT,low -0.56,0.85,3,225,3,0,0,0,IT,high -0.37,0.61,3,186,2,0,0,0,IT,low -0.5,0.82,3,133,2,1,0,0,product_mng,low -0.49,0.58,4,213,4,1,0,0,product_mng,low -1,0.73,3,245,2,1,0,0,product_mng,low -0.82,0.75,5,160,3,1,0,0,product_mng,high -0.52,0.54,4,212,3,0,0,0,IT,low -0.76,0.96,4,135,3,1,0,1,RandD,low -0.2,0.53,3,149,4,0,0,1,RandD,low -0.6,0.9,4,178,3,0,0,1,RandD,high -0.69,0.9,6,224,4,0,0,1,RandD,low -0.93,0.51,3,196,2,0,0,1,RandD,medium -0.7,0.64,4,178,3,1,0,1,marketing,high -0.56,0.54,4,191,2,1,0,1,sales,medium -0.97,0.61,4,167,3,0,0,1,accounting,high -0.24,0.65,6,275,5,1,0,1,support,medium -0.83,0.91,3,168,3,0,0,1,technical,medium -0.55,0.85,3,152,2,0,0,1,management,medium -0.68,0.99,3,263,3,1,0,1,marketing,medium -0.48,0.53,3,113,4,0,0,0,marketing,medium -0.75,0.95,3,253,3,0,0,0,marketing,medium -0.61,0.5,4,271,3,1,0,0,sales,medium -0.5,0.74,4,165,2,1,0,0,sales,medium -0.78,0.54,5,257,3,0,0,0,sales,high -0.61,0.68,4,244,3,0,0,0,sales,low -0.48,0.5,4,179,3,0,0,0,sales,medium -0.93,0.92,3,248,2,0,0,0,sales,medium -0.78,0.58,3,224,2,0,0,0,sales,medium -0.92,0.99,5,236,4,0,0,0,sales,medium -0.71,0.98,5,213,3,0,0,0,sales,medium -0.15,0.42,4,238,3,0,0,0,sales,medium -0.14,0.83,5,153,5,1,0,0,sales,medium -0.56,0.72,4,247,2,0,0,0,sales,medium -1,0.84,3,154,3,0,0,0,sales,medium -0.77,0.82,3,147,4,0,0,0,sales,high -0.86,0.66,3,150,2,0,0,0,sales,low -0.88,0.95,3,137,3,0,0,0,sales,low -0.85,0.84,5,179,3,0,0,0,sales,low -0.95,0.56,5,194,2,0,0,0,sales,high -0.65,0.65,4,224,3,0,0,0,sales,low -0.7,0.55,3,253,2,1,0,0,accounting,low -0.6,0.55,3,177,3,1,0,0,accounting,low -0.84,0.83,3,215,3,0,0,0,accounting,high -0.23,0.59,5,245,5,0,0,0,hr,low -0.89,0.75,3,134,3,0,0,0,hr,low -0.98,0.91,4,273,2,0,0,0,hr,low -0.88,0.83,4,163,3,0,0,0,hr,low -0.87,0.52,3,152,4,0,0,0,technical,low -0.93,0.96,3,268,4,0,0,0,technical,low -0.13,0.95,5,149,2,0,0,0,technical,low -0.99,0.56,6,128,4,0,0,0,technical,medium -0.52,0.51,3,218,2,1,0,0,technical,medium -0.58,0.98,3,146,3,0,0,0,technical,medium -0.85,0.57,5,190,2,1,0,0,technical,medium -0.41,0.59,2,182,3,0,0,0,technical,medium -1,0.8,5,162,3,1,0,0,technical,medium -0.63,0.64,3,243,3,0,0,0,technical,medium -0.63,0.58,4,141,3,1,0,0,technical,medium -0.63,0.9,3,142,3,0,0,0,support,medium -0.59,0.62,3,203,4,0,0,0,support,medium -0.88,0.77,4,168,4,0,0,0,support,medium -0.72,0.7,3,149,3,0,0,0,support,medium -0.67,0.81,4,168,2,0,0,0,support,high -0.41,0.54,2,190,4,0,0,0,support,low -0.3,0.68,3,229,6,0,0,0,support,medium -0.83,0.84,3,249,2,0,0,0,support,medium -0.73,0.93,4,162,2,1,0,0,support,medium -0.87,0.9,4,163,2,0,0,0,support,medium -0.93,0.74,2,169,4,0,0,0,support,low -0.97,0.91,4,257,3,1,0,0,technical,low -0.7,0.54,4,150,4,0,0,0,technical,low -0.66,0.95,4,183,3,0,0,0,technical,low -0.62,0.66,3,208,3,0,0,0,management,low -0.56,0.52,4,158,2,0,0,0,IT,low -0.32,0.72,2,240,5,0,0,0,IT,low -0.55,0.81,5,251,3,0,0,0,IT,low -0.69,0.91,5,205,2,0,0,0,IT,low -0.91,0.63,4,226,3,1,0,0,IT,low -0.33,0.82,5,249,6,0,0,0,product_mng,low -0.37,0.74,2,197,3,0,0,0,product_mng,low -0.95,0.57,5,216,3,0,0,0,product_mng,low -0.17,0.91,4,260,5,0,0,0,product_mng,low -0.95,0.53,4,263,3,0,0,0,IT,low -0.27,0.69,2,177,5,0,0,0,RandD,low -0.91,0.95,4,171,3,0,0,0,RandD,low -0.49,0.61,3,148,2,1,0,0,RandD,low -0.6,0.56,4,138,3,0,0,0,RandD,low -0.52,0.57,4,183,3,0,0,0,RandD,low -0.54,0.65,3,202,3,0,0,0,marketing,low -0.86,0.53,4,160,2,1,0,0,sales,medium -0.78,0.87,4,264,3,0,0,0,accounting,medium -0.6,0.81,4,245,3,1,0,0,support,medium -0.15,0.91,2,207,3,0,0,0,technical,medium -0.72,0.92,3,225,3,0,0,0,management,medium -0.94,0.85,4,236,2,0,0,0,marketing,medium -0.92,0.56,4,170,3,0,0,0,marketing,medium -0.6,0.88,3,261,3,1,0,0,marketing,medium -0.41,0.68,4,273,3,0,0,0,sales,medium -0.5,0.43,3,184,2,0,0,0,sales,medium -0.8,0.91,3,202,2,0,0,0,sales,medium -0.67,0.83,4,195,3,0,0,0,sales,medium -0.71,0.88,4,266,3,0,0,0,sales,high -0.66,0.85,3,266,5,0,0,0,sales,low -0.77,0.74,5,263,2,0,0,0,sales,medium -0.62,0.54,3,142,2,0,0,0,sales,medium -0.95,0.53,4,162,3,0,0,0,sales,medium -0.89,0.75,5,258,2,0,0,0,sales,medium -0.74,0.83,4,170,2,0,0,0,sales,low -0.19,0.8,4,249,5,0,0,0,sales,low -0.83,0.77,3,171,3,0,0,0,sales,low -0.53,0.64,2,177,4,0,0,0,sales,low -0.98,0.75,5,188,2,0,0,0,sales,low -0.74,0.99,5,146,2,0,0,0,sales,low -0.22,0.88,5,154,5,0,0,0,sales,low -0.76,0.68,4,204,3,1,0,0,sales,low -0.89,0.91,5,224,3,1,0,0,sales,low -0.5,0.84,3,156,4,0,0,0,accounting,low -0.17,0.82,6,259,4,0,0,0,accounting,low -0.46,0.38,6,165,3,0,0,0,accounting,low -0.68,0.78,3,264,3,0,0,0,hr,low -0.77,0.86,4,215,2,0,0,0,hr,low -0.68,0.83,3,133,3,0,0,0,hr,low -0.15,0.7,4,220,4,0,0,0,hr,low -0.7,0.98,4,176,5,0,0,0,technical,low -0.66,0.96,4,103,2,0,0,0,technical,low -0.54,0.52,5,155,3,0,0,0,technical,low -0.57,0.57,4,141,3,0,0,0,technical,low -0.78,0.58,3,150,3,1,0,0,technical,low -0.14,0.83,5,171,6,0,0,0,technical,medium -0.73,0.86,4,179,3,0,0,0,technical,medium -0.65,0.97,4,145,2,0,0,0,technical,medium -0.31,0.59,3,176,3,0,0,0,technical,medium -0.77,0.55,2,172,2,0,0,0,technical,medium -0.68,0.85,3,243,4,0,0,0,technical,medium -0.79,0.69,4,209,2,0,0,0,support,medium -0.92,0.62,4,196,3,0,0,0,support,medium -0.77,0.96,6,225,4,0,0,0,support,medium -0.48,0.89,3,261,2,0,0,0,support,medium -0.63,0.66,4,157,2,0,0,0,support,medium -0.92,0.49,5,259,3,1,0,0,support,medium -0.5,0.85,4,224,6,0,0,0,support,high -0.52,0.91,5,193,2,0,0,0,support,low -0.73,0.79,4,157,3,0,0,0,support,medium -0.99,0.87,4,223,3,0,0,0,support,medium -0.91,0.99,3,188,3,1,0,0,support,medium -0.85,0.79,3,217,2,0,0,0,technical,medium -0.95,0.69,4,207,2,1,0,0,technical,low -0.67,0.85,3,153,4,0,0,0,technical,low -0.86,0.55,3,269,2,0,0,0,management,low -0.71,0.54,4,198,3,0,0,0,IT,low -0.99,0.95,4,102,5,0,0,0,IT,low -0.57,0.61,3,167,2,1,0,0,IT,low -0.98,0.72,3,252,2,0,0,0,IT,low -0.62,0.58,3,192,2,0,0,0,IT,low -0.74,0.79,5,237,4,0,0,0,product_mng,low -0.7,0.6,4,158,3,0,0,0,product_mng,low -0.8,0.93,3,260,3,0,0,0,product_mng,low -0.65,0.69,4,153,3,0,0,0,product_mng,low -0.53,0.52,3,233,4,0,0,0,IT,low -0.43,0.62,2,180,3,0,0,0,RandD,low -0.59,0.65,4,163,3,1,0,0,RandD,low -0.16,0.96,6,211,6,1,0,0,RandD,low -0.84,0.8,3,151,3,1,0,0,RandD,low -0.78,0.95,3,249,4,0,0,0,RandD,low -0.66,0.91,5,199,3,1,0,0,marketing,low -0.7,0.74,4,247,2,0,0,0,sales,low -0.73,0.63,4,174,3,0,0,0,accounting,low -0.65,0.88,4,268,4,0,0,0,support,medium -0.79,0.59,5,197,4,0,0,0,technical,medium -0.57,0.68,4,154,3,1,0,0,management,medium -0.24,0.58,5,279,4,0,0,0,marketing,medium -0.95,0.78,3,204,2,1,0,0,marketing,medium -0.38,0.54,2,112,3,0,0,0,marketing,medium -0.9,0.78,4,261,2,1,0,0,sales,medium -0.5,0.4,3,180,4,0,0,0,sales,medium -0.68,0.61,3,261,5,0,0,0,sales,medium -0.5,0.78,6,138,3,0,0,0,sales,medium -0.85,0.81,4,164,4,0,0,0,sales,medium -0.95,0.52,3,144,3,0,0,0,sales,medium -0.92,0.92,3,244,2,0,0,0,sales,high -0.83,0.87,5,233,3,0,0,0,sales,low -0.9,0.78,4,225,2,1,0,0,sales,medium -0.21,0.77,6,215,4,0,0,0,sales,medium -0.94,0.86,3,223,4,0,0,0,sales,medium -0.7,0.85,4,232,3,0,0,0,sales,medium -0.54,0.76,3,157,4,0,0,0,sales,low -0.77,0.65,4,268,3,0,0,0,sales,low -0.62,0.49,3,158,2,0,0,0,sales,low -0.93,0.55,5,222,2,0,0,0,sales,low -0.81,0.86,3,210,3,0,0,0,sales,low -0.99,0.79,4,133,2,0,0,0,sales,low -0.78,0.49,3,224,3,0,0,0,sales,low -0.66,0.63,5,264,5,0,0,0,accounting,low -0.9,0.72,5,237,2,0,0,0,accounting,low -0.74,0.53,5,141,2,0,0,0,accounting,low -0.65,0.78,4,238,5,1,0,0,hr,low -0.99,0.52,4,167,3,0,0,0,hr,low -0.83,0.72,4,161,3,0,0,0,hr,low -0.6,0.82,4,194,3,0,0,0,hr,low -0.55,0.93,3,217,3,1,0,0,technical,low -0.96,0.71,3,170,3,0,0,0,technical,low -0.83,0.94,4,243,3,0,0,0,technical,low -0.95,0.7,4,267,3,1,0,0,technical,low -0.77,0.88,2,169,3,0,0,0,technical,medium -0.83,0.95,3,255,3,0,0,0,technical,medium -0.87,0.54,4,211,3,0,0,0,technical,medium -0.69,0.49,3,198,4,0,0,0,technical,medium -0.67,0.58,3,246,3,0,0,0,technical,medium -0.55,0.49,3,146,2,0,0,0,technical,medium -0.55,0.82,4,134,6,0,0,0,technical,medium -0.39,0.48,3,169,3,0,0,0,support,medium -0.51,0.93,5,232,3,0,0,0,support,medium -0.39,0.38,2,106,3,1,0,0,support,medium -0.96,0.93,4,260,3,0,0,0,support,medium -0.68,0.81,3,232,2,0,0,0,support,medium -0.67,0.71,4,173,3,0,0,0,support,high -0.68,0.44,5,152,5,0,0,0,support,low -0.56,0.58,3,173,3,0,0,0,support,medium -0.9,0.7,3,274,3,0,0,0,support,medium -0.69,0.59,3,233,3,0,0,0,support,medium -0.99,0.71,4,232,3,0,0,0,support,medium -0.42,0.59,3,156,2,0,0,0,technical,low -0.28,0.51,3,124,3,0,0,0,technical,low -0.55,0.65,3,207,3,0,0,0,technical,low -0.91,0.53,3,273,6,0,0,0,management,low -0.53,0.98,3,219,4,0,0,0,IT,low -0.87,0.74,4,207,3,0,0,0,IT,low -0.57,0.6,4,248,4,0,0,0,IT,low -0.59,0.77,3,169,3,0,0,0,IT,low -0.76,0.89,4,181,3,0,0,0,IT,low -0.59,0.42,3,196,3,0,0,0,product_mng,low -0.5,0.54,3,254,2,0,0,0,product_mng,low -0.55,0.55,4,191,4,0,0,0,product_mng,low -0.92,0.53,3,238,2,0,0,0,product_mng,low -0.8,0.51,5,196,3,0,0,0,IT,low -0.93,0.66,4,228,3,0,0,0,RandD,low -0.67,0.57,4,165,3,0,0,0,RandD,low -0.78,0.55,3,144,2,0,0,0,RandD,low -0.61,0.7,4,243,3,0,0,0,RandD,low -0.74,0.84,3,206,3,0,0,0,RandD,low -0.5,0.49,3,180,3,1,0,0,marketing,low -0.84,0.96,3,161,2,1,0,0,sales,low -0.89,0.55,4,196,2,0,0,0,accounting,medium -0.77,0.89,5,152,3,0,0,0,support,medium -0.64,0.71,3,231,4,0,0,0,technical,medium -0.77,0.89,2,215,5,1,0,0,management,medium -0.74,0.58,4,233,4,0,0,0,marketing,medium -0.88,0.96,4,155,2,0,0,0,marketing,medium -0.88,0.96,5,182,4,1,0,0,marketing,medium -0.89,0.88,3,165,4,0,0,0,sales,medium -0.74,0.59,2,257,4,1,0,0,sales,medium -0.63,0.74,4,155,2,0,0,0,sales,medium -0.63,0.8,4,243,2,0,0,0,sales,medium -0.68,0.92,2,184,4,0,0,0,sales,medium -0.14,0.81,4,138,3,1,0,0,sales,high -0.86,0.94,5,209,4,0,0,0,sales,low -0.73,0.53,3,205,2,0,0,0,sales,medium -0.57,0.56,3,191,3,0,0,0,sales,medium -0.97,0.75,5,270,3,1,0,0,sales,medium -0.67,0.36,4,97,4,0,0,0,sales,medium -0.89,0.74,4,174,2,0,0,0,sales,low -0.8,0.96,5,124,3,0,0,0,sales,low -0.3,0.51,2,178,3,0,0,0,sales,low -0.14,0.73,5,266,6,0,0,0,sales,low -0.91,0.8,4,181,3,0,0,0,sales,low -0.49,0.81,4,233,3,0,0,0,sales,low -0.57,0.68,3,254,4,0,0,0,sales,low -0.59,0.62,3,219,3,0,0,0,sales,low -0.5,0.7,5,166,2,0,0,0,accounting,low -0.69,0.97,3,158,2,0,0,0,accounting,low -0.81,0.68,3,151,3,0,0,0,accounting,low -0.79,0.82,3,98,3,1,0,0,hr,low -0.55,0.91,4,187,4,1,0,0,hr,low -0.92,0.62,4,266,2,0,0,0,hr,low -0.94,0.59,5,250,3,0,0,0,hr,low -0.67,0.55,5,193,3,0,0,0,technical,low -0.53,0.92,4,223,3,1,0,0,technical,low -0.77,0.59,5,189,5,0,0,0,technical,low -0.57,0.82,5,138,3,0,0,0,technical,low -0.64,0.97,4,268,2,0,0,0,technical,low -0.35,1,6,186,2,0,0,0,technical,low -0.66,0.71,3,136,3,1,0,0,technical,medium -0.59,0.84,4,245,3,0,0,0,technical,medium -0.49,0.93,4,184,3,0,0,0,technical,medium -0.91,0.99,5,152,3,0,0,0,technical,medium -0.12,0.6,2,194,4,0,0,0,technical,medium -0.74,0.68,3,242,5,1,0,0,support,medium -0.84,0.94,4,246,2,1,0,0,support,medium -0.51,0.99,4,211,3,0,0,0,support,medium -0.94,0.71,4,189,3,0,0,0,support,medium -0.74,0.66,3,254,2,0,0,0,support,medium -0.52,0.54,5,239,3,0,0,0,support,medium -0.31,0.92,4,133,6,0,0,0,support,medium -0.72,0.59,3,255,2,0,0,0,support,high -0.92,1,3,212,2,0,0,0,support,low -0.56,0.64,3,270,3,0,0,0,support,medium -0.76,0.45,5,177,6,0,0,0,support,medium -0.59,0.9,4,261,4,0,0,0,technical,medium -0.5,0.74,3,220,3,0,0,0,technical,medium -0.88,0.72,2,144,4,1,0,0,technical,low -0.86,0.49,4,274,2,0,0,0,management,low -0.66,0.99,4,195,3,0,0,0,IT,low -0.7,0.69,4,158,3,0,0,0,IT,low -0.98,0.93,5,145,4,0,0,0,IT,low -0.61,0.73,3,165,3,1,0,0,IT,low -0.57,0.66,4,270,2,0,0,0,IT,low -0.84,0.91,5,208,3,0,0,0,product_mng,low -0.76,0.4,2,245,5,0,0,0,product_mng,medium -0.64,0.99,4,180,4,0,0,0,product_mng,medium -0.87,0.7,5,225,3,0,0,0,product_mng,medium -0.62,0.69,3,261,2,0,0,0,IT,medium -0.16,0.99,3,213,6,1,0,1,RandD,medium -0.83,0.87,3,230,3,0,0,1,RandD,medium -0.36,0.59,2,198,2,0,0,1,RandD,medium -0.47,0.51,6,190,5,0,0,1,RandD,medium -0.54,0.51,4,137,4,0,0,1,RandD,medium -0.83,0.83,3,186,3,1,0,1,marketing,medium -0.96,0.68,4,137,2,0,0,1,sales,medium -0.91,0.74,5,192,3,0,0,1,accounting,medium -0.56,0.59,4,164,3,0,0,1,support,medium -0.73,0.66,6,195,3,0,0,1,technical,medium -0.97,0.63,4,151,3,0,0,1,management,medium -0.75,0.74,5,231,3,0,0,1,marketing,medium -0.49,0.76,3,257,2,1,0,0,marketing,medium -0.57,0.94,4,257,3,0,0,0,marketing,medium -0.41,0.58,5,274,2,1,0,0,sales,medium -0.53,0.7,3,138,2,0,0,0,sales,medium -0.93,0.6,4,184,3,0,0,0,sales,medium -0.58,0.9,3,151,3,0,0,0,sales,medium -0.6,0.54,3,265,3,1,0,0,sales,medium -0.74,0.8,4,241,2,0,0,0,sales,medium -0.62,0.52,3,148,3,0,0,0,sales,medium -0.7,0.76,5,165,3,0,0,0,sales,medium -0.93,0.75,3,243,2,0,0,0,sales,medium -0.75,0.9,4,197,2,0,0,0,sales,medium -0.95,0.48,5,214,6,1,0,1,sales,medium -0.43,0.98,4,164,3,0,0,1,sales,medium -0.77,0.58,4,243,4,1,0,1,sales,medium -0.67,1,4,145,3,1,0,1,sales,medium -0.51,0.72,4,163,4,0,0,1,sales,medium -0.94,0.53,5,257,2,0,0,1,sales,medium -0.9,0.85,3,253,3,0,0,0,sales,medium -0.8,0.78,4,234,3,0,0,0,sales,medium -0.34,0.89,5,266,6,0,0,0,sales,medium -0.45,0.53,3,181,4,1,0,0,accounting,low -0.97,0.66,4,193,4,0,0,0,accounting,low -0.5,0.48,3,163,4,0,0,0,accounting,low -0.89,0.62,5,144,2,0,0,0,hr,low -0.76,0.5,4,245,3,0,0,0,hr,low -0.66,0.84,4,197,2,0,0,0,hr,low -0.74,0.63,3,180,2,0,0,0,hr,low -0.69,0.74,4,237,3,0,0,0,technical,low -0.59,0.57,2,170,3,0,0,0,technical,low -1,0.85,3,150,3,0,0,0,technical,low -0.61,0.75,2,100,4,0,0,0,technical,low -0.98,0.42,5,226,3,0,0,0,technical,low -0.59,0.71,5,222,3,0,0,0,technical,low -0.22,0.69,4,182,6,0,0,0,technical,low -0.71,0.95,3,150,2,0,0,0,technical,low -0.86,0.53,4,244,3,0,0,0,technical,medium -0.65,0.59,5,271,3,0,0,0,technical,medium -0.93,0.67,5,167,3,0,0,0,technical,medium -0.49,0.69,2,128,2,0,0,0,support,medium -0.78,0.77,3,149,4,1,0,0,support,medium -0.62,0.7,4,141,4,0,0,0,support,medium -0.72,0.63,3,149,2,0,0,0,support,medium -0.7,0.56,4,107,6,0,0,0,support,medium -0.54,0.93,5,189,2,0,0,0,support,medium -0.61,0.95,4,169,4,0,0,0,support,medium -0.84,0.95,4,208,3,1,0,0,support,medium -0.8,0.58,3,197,3,0,0,0,support,medium -0.58,0.5,4,225,3,0,0,0,support,high -0.97,0.87,2,175,6,0,0,0,support,high -0.92,0.55,3,172,2,0,0,0,technical,high -0.96,0.51,3,237,4,0,0,0,technical,high -0.73,0.87,4,155,3,1,0,0,technical,high -0.73,0.71,4,148,3,0,0,0,management,high -0.53,0.83,4,246,3,0,0,0,IT,high -0.17,0.82,5,193,5,0,0,0,IT,high -0.75,0.76,5,175,4,0,0,0,IT,low -0.76,0.44,3,121,4,0,0,0,IT,low -0.76,0.77,4,223,3,0,0,0,IT,low -0.92,0.55,3,259,3,0,0,0,product_mng,low -0.82,0.88,4,171,2,0,0,0,product_mng,low -0.38,0.5,2,170,3,0,0,0,product_mng,low -0.49,0.72,4,246,3,0,0,0,product_mng,low -0.53,0.8,3,175,3,0,0,0,IT,low -0.56,0.59,3,185,2,0,0,0,RandD,medium -0.69,0.98,3,168,2,0,0,0,RandD,medium -0.62,0.99,4,171,3,0,0,0,RandD,medium -0.71,0.76,3,201,2,0,0,0,RandD,medium -0.52,1,4,148,3,0,0,0,RandD,medium -0.2,0.53,6,189,4,0,0,0,marketing,medium -0.93,0.61,3,166,3,0,0,0,sales,medium -0.74,0.81,4,150,2,0,0,0,accounting,medium -0.78,0.45,3,253,6,0,0,1,support,medium -0.85,0.79,3,243,2,0,0,1,technical,medium -0.79,0.56,5,250,2,1,0,1,management,medium -0.92,0.91,3,228,2,0,0,1,marketing,medium -0.58,0.97,3,186,3,0,0,1,marketing,medium -0.68,0.72,3,213,3,0,0,1,marketing,medium -0.9,0.67,4,233,3,0,0,1,sales,medium -0.67,0.71,5,265,2,0,0,1,sales,medium -0.79,0.73,4,226,3,0,0,0,sales,medium -0.23,0.48,5,221,6,0,0,0,sales,medium -0.98,0.99,3,253,4,0,0,0,sales,medium -0.8,0.75,3,134,4,0,0,0,sales,medium -0.77,0.84,3,188,4,0,0,0,sales,medium -1,0.91,3,160,4,0,0,0,sales,medium -0.6,0.92,4,164,4,0,0,0,sales,medium -0.49,0.54,6,214,3,0,0,0,sales,high -0.91,0.99,5,228,4,1,0,0,sales,low -0.97,0.52,5,149,3,1,0,0,sales,medium -0.71,0.76,3,175,2,0,0,0,sales,medium -0.62,0.91,3,195,3,0,0,0,sales,medium -0.61,0.92,3,222,4,0,0,0,sales,medium -0.21,0.6,5,249,4,0,0,0,sales,medium -0.64,0.97,2,226,3,1,0,0,sales,medium -0.61,0.65,2,117,2,1,0,0,sales,medium -0.58,0.75,4,255,3,0,0,0,sales,medium -0.41,0.9,6,155,2,0,0,0,accounting,medium -0.98,0.73,5,185,3,0,0,0,accounting,medium -0.5,0.88,4,275,5,0,0,0,accounting,low -0.98,0.61,3,226,2,0,0,0,hr,low -0.4,0.85,4,198,2,0,0,0,hr,low -0.63,0.92,2,198,2,0,0,0,hr,low -0.75,0.53,4,251,3,0,0,0,hr,low -0.82,0.84,3,237,2,0,0,0,technical,low -0.55,0.62,5,197,2,0,0,0,technical,low -0.44,0.36,2,136,3,0,0,0,technical,high -0.92,0.88,3,184,3,1,0,0,technical,low -0.57,0.56,2,159,3,0,0,0,technical,high -0.73,0.86,4,133,3,0,0,0,technical,high -0.82,0.92,5,198,3,0,0,0,technical,low -0.54,0.75,3,260,2,0,0,0,technical,low -0.64,0.95,3,154,4,0,0,0,technical,high -0.99,0.76,4,185,5,0,0,0,technical,low -0.19,0.92,5,193,6,0,0,0,technical,medium -0.86,0.96,4,167,3,0,0,0,support,high -0.65,0.66,5,165,3,0,0,0,support,medium -0.52,0.81,3,253,2,0,0,0,support,medium -0.85,0.49,4,142,3,0,0,0,support,medium -0.61,0.64,5,186,4,0,0,0,support,medium -0.77,0.57,4,203,3,1,0,0,support,high -0.54,0.94,4,217,2,0,0,0,support,medium -0.76,0.74,4,187,3,0,0,0,support,medium -0.79,0.9,3,152,4,0,0,0,support,medium -0.89,0.93,5,150,2,0,0,0,support,high -0.6,0.8,3,191,2,0,0,0,support,medium -0.51,0.58,4,140,3,0,0,0,technical,high -0.2,0.72,5,123,2,1,0,0,technical,low -0.93,0.6,5,170,2,0,0,0,technical,medium -0.77,0.54,3,227,4,0,0,0,management,medium -0.8,0.87,4,220,2,0,0,0,IT,medium -0.8,0.97,5,258,3,0,0,0,IT,medium -0.62,0.92,5,149,3,0,0,0,IT,low -0.79,0.72,4,192,3,0,0,0,IT,low -0.88,0.73,5,267,3,0,0,0,IT,low -0.96,0.73,5,169,3,1,0,0,product_mng,low -0.34,0.69,2,178,3,0,0,0,product_mng,low -0.34,0.65,2,165,4,0,0,0,product_mng,low -0.88,0.85,4,231,3,0,0,0,product_mng,low -0.66,0.61,3,260,3,0,0,0,IT,low -0.55,0.71,4,181,2,1,0,0,RandD,low -0.59,0.51,3,243,2,0,0,0,RandD,low -0.62,0.73,4,191,3,0,0,0,RandD,high -0.78,0.93,3,200,3,0,0,0,RandD,low -0.73,0.75,5,265,3,0,0,0,RandD,low -0.71,0.94,4,246,3,0,0,0,marketing,low -0.97,0.86,3,187,2,0,0,0,sales,low -0.21,0.74,5,141,4,0,0,0,accounting,high -0.52,0.96,4,246,3,0,0,0,support,low -0.73,0.88,4,236,3,1,0,0,technical,low -0.74,0.83,3,170,3,0,0,0,management,low -0.26,0.71,6,189,2,0,0,0,marketing,high -0.52,0.78,4,237,3,0,0,0,marketing,low -0.69,0.54,4,180,3,0,0,0,marketing,medium -0.79,0.59,2,157,6,0,0,0,sales,high -0.93,0.62,4,258,3,0,0,0,sales,medium -0.34,0.87,4,283,2,0,0,0,sales,high -0.77,0.52,4,216,3,0,0,0,sales,medium -0.36,0.73,3,187,3,0,0,0,sales,medium -0.93,0.58,3,215,3,0,0,0,sales,medium -0.7,0.58,3,211,3,0,0,0,sales,medium -0.51,0.49,4,182,2,0,0,0,sales,medium -0.83,0.78,3,165,3,1,0,0,sales,medium -0.89,0.89,4,265,2,0,0,0,sales,medium -0.94,0.59,3,137,2,0,0,0,sales,medium -0.8,0.55,4,269,3,0,0,0,sales,high -0.74,0.66,3,177,2,0,0,0,sales,low -0.5,0.91,3,240,2,0,0,0,sales,medium -0.54,0.84,4,174,2,0,0,0,sales,medium -0.5,0.54,3,134,3,0,0,0,sales,medium -0.17,0.91,2,271,4,0,0,0,sales,medium -0.57,0.53,5,216,2,1,0,0,sales,medium -0.8,0.51,4,213,3,0,0,0,sales,medium -0.45,0.64,5,133,4,0,0,0,accounting,medium -0.87,0.5,4,267,2,1,0,0,accounting,medium -0.98,0.64,3,263,4,0,0,0,accounting,medium -0.55,0.8,4,260,3,0,0,0,hr,high -0.53,0.5,4,185,3,0,0,0,hr,low -0.75,0.48,2,284,6,0,0,0,hr,low -0.96,0.59,3,229,3,0,0,0,hr,low -0.71,0.97,3,189,3,1,0,0,technical,high -0.7,0.63,3,209,3,0,0,0,technical,low -0.33,0.94,4,166,6,0,0,0,technical,low -0.93,0.94,3,183,2,0,0,0,technical,low -0.64,0.65,3,181,2,0,0,0,technical,high -0.27,0.45,3,239,4,0,0,0,technical,low -0.99,0.99,3,158,2,0,0,0,technical,low -0.81,0.62,3,187,3,0,0,0,technical,low -0.6,0.91,4,236,3,0,0,0,technical,low -0.32,0.4,6,162,5,0,0,0,technical,low -0.48,0.68,4,163,2,1,0,0,technical,low -0.87,0.51,4,173,3,0,0,0,support,low -0.91,0.79,5,273,4,1,0,0,support,medium -0.24,0.89,5,142,4,0,0,0,support,medium -0.66,0.56,4,141,4,0,0,0,support,medium -0.94,0.59,3,234,2,0,0,0,support,medium -0.93,0.97,5,255,4,0,0,0,support,medium -0.19,0.55,5,148,4,0,0,0,support,medium -0.88,0.45,5,274,2,1,0,0,support,medium -0.76,0.47,3,223,2,0,0,0,support,medium -0.67,0.64,5,248,3,0,0,0,support,medium -0.54,0.5,4,146,2,0,0,0,support,medium -0.53,0.95,2,101,5,0,0,0,technical,medium -0.67,0.92,4,265,4,0,0,0,technical,medium -0.5,0.38,5,175,4,0,0,0,technical,high -0.49,0.76,4,202,3,0,0,0,management,low -0.82,0.71,3,160,3,0,0,0,IT,medium -0.86,0.71,3,235,3,0,0,0,IT,medium -0.5,0.5,4,267,3,0,0,0,IT,medium -0.82,0.6,3,261,2,1,0,0,IT,medium -0.95,0.78,2,148,2,0,0,0,IT,low -0.64,0.87,3,239,4,0,0,0,product_mng,low -0.91,0.5,3,178,2,0,0,0,product_mng,low -0.79,0.75,2,221,3,0,0,0,product_mng,low -0.83,0.56,4,269,3,0,0,0,product_mng,low -0.66,0.6,3,262,2,1,0,0,IT,low -0.92,0.8,4,263,4,0,0,0,RandD,low -0.59,0.47,5,191,3,0,0,0,RandD,low -0.6,0.83,2,189,2,0,0,0,RandD,low -0.68,0.97,5,207,4,1,0,0,RandD,low -0.58,0.73,3,265,6,0,0,0,RandD,low -0.93,0.77,5,224,2,0,0,0,marketing,low -0.66,0.5,3,229,3,0,0,0,marketing,low -0.8,0.99,3,158,3,0,0,0,sales,low -0.28,0.79,5,202,5,0,0,0,accounting,low -0.84,0.59,4,216,2,0,0,0,support,low -0.86,0.58,4,220,5,0,0,0,technical,low -0.46,0.45,2,172,2,1,0,0,management,low -0.94,0.92,3,187,2,0,0,0,marketing,low -0.8,0.76,3,270,2,1,0,0,marketing,low -0.13,0.63,6,219,6,0,0,0,marketing,low -0.95,0.73,3,243,3,1,0,0,sales,medium -0.93,0.88,4,261,4,0,0,0,sales,medium -0.86,0.81,4,179,3,0,0,0,sales,medium -0.67,0.93,5,133,2,0,0,0,sales,medium -0.73,0.6,4,224,3,0,0,0,sales,medium -0.62,0.92,4,198,2,0,0,0,sales,medium -0.53,0.81,5,135,2,0,0,0,sales,medium -0.68,0.68,3,143,3,0,0,0,sales,medium -0.69,0.55,4,234,2,0,0,0,sales,medium -0.66,0.92,3,177,3,0,0,0,sales,medium -0.98,0.56,5,180,3,0,0,0,sales,medium -0.57,0.39,3,193,6,0,0,0,sales,medium -0.64,0.78,5,148,4,0,0,0,sales,high -0.71,0.58,3,194,4,0,0,0,sales,low -0.94,0.7,3,271,4,0,0,0,sales,medium -0.8,0.85,3,135,2,0,0,0,sales,medium -0.59,0.94,4,136,2,0,0,0,sales,medium -0.95,0.7,6,243,3,0,0,0,sales,medium -1,0.39,2,210,5,0,0,0,sales,low -0.53,0.59,3,163,4,0,0,0,accounting,low -0.35,0.59,5,268,3,0,0,0,accounting,low -0.73,0.66,3,244,3,0,0,0,accounting,low -0.89,0.63,4,164,3,0,0,0,hr,low -0.21,0.93,4,260,3,0,0,0,hr,low -0.21,0.85,5,153,3,0,0,0,hr,low -0.6,0.83,4,216,2,1,0,0,hr,low -0.94,0.69,2,198,3,0,0,0,technical,low -0.92,0.68,4,196,3,1,0,0,technical,low -0.92,0.78,3,218,3,0,0,0,technical,low -0.71,0.98,5,167,3,0,0,0,technical,low -0.69,0.83,4,264,3,0,0,0,technical,low -0.26,0.51,2,284,2,0,0,0,technical,low -0.21,0.78,4,218,6,0,0,0,technical,low -0.36,0.42,2,192,2,0,0,0,technical,low -0.81,0.92,5,255,4,1,0,0,technical,low -0.54,0.88,3,251,2,0,0,0,technical,low -0.63,0.87,5,248,2,0,0,0,technical,low -0.86,0.75,5,157,4,0,0,0,support,low -0.8,0.79,5,240,2,0,0,0,support,low -0.55,0.58,5,262,3,0,0,0,support,medium -0.18,0.6,3,130,2,1,0,0,support,medium -0.88,0.98,3,152,3,0,0,0,support,medium -0.65,0.86,4,256,2,0,0,0,support,medium -0.99,1,3,139,2,0,0,0,support,medium -0.88,0.93,4,195,2,0,0,0,support,medium -0.67,0.59,3,205,5,0,0,0,support,medium -0.53,0.59,4,265,2,0,0,0,support,medium -0.83,0.61,5,246,3,0,0,0,support,medium -0.36,0.71,3,100,3,0,0,0,technical,medium -0.62,0.64,5,150,3,1,0,0,technical,medium -0.72,0.67,4,147,2,0,0,0,technical,medium -0.79,0.54,4,244,3,0,0,0,management,high -1,0.87,4,256,3,0,0,0,IT,low -0.65,0.52,4,266,3,1,0,0,IT,medium -0.84,0.91,3,199,4,0,0,0,IT,medium -0.81,0.59,2,236,3,0,0,0,IT,medium -0.59,0.51,3,203,2,1,0,0,IT,medium -0.78,0.53,3,156,3,0,0,0,product_mng,low -0.22,0.52,5,109,4,0,0,0,product_mng,low -0.96,0.98,5,248,3,0,0,0,product_mng,low -0.85,0.8,4,254,2,0,0,0,product_mng,low -0.12,0.73,6,166,3,0,0,0,IT,low -0.6,0.68,4,264,2,1,0,0,RandD,low -0.93,0.84,5,266,3,0,0,0,RandD,low -0.73,0.86,4,138,2,0,0,0,RandD,low -0.7,0.66,3,151,2,0,0,0,RandD,low -0.18,0.59,4,132,3,0,0,0,RandD,low -0.81,0.6,4,133,3,0,0,0,RandD,low -0.28,0.9,4,275,6,0,0,0,marketing,low -0.74,0.79,3,275,3,0,0,0,sales,low -0.5,0.74,4,272,5,0,0,0,accounting,low -0.83,0.85,4,201,2,1,0,0,support,low -0.55,0.66,3,164,2,0,0,0,technical,low -0.77,0.94,4,224,2,0,0,0,management,low -0.92,0.58,4,201,2,0,0,0,marketing,low -0.59,0.89,5,169,2,1,0,0,marketing,low -0.45,0.72,4,149,3,0,0,0,marketing,low -0.76,0.97,3,271,3,0,0,0,sales,low -0.89,0.69,4,137,3,0,0,0,sales,medium -0.73,0.5,3,208,2,0,0,0,sales,medium -0.65,0.7,3,231,3,0,0,0,sales,medium -0.14,0.96,3,196,5,1,0,0,sales,medium -0.3,0.47,2,159,4,0,0,0,sales,medium -0.53,0.82,5,184,3,0,0,0,sales,medium -0.66,0.89,3,257,3,0,0,0,sales,medium -0.84,0.59,3,234,2,0,0,0,sales,medium -0.74,0.97,3,239,4,1,0,0,sales,medium -0.56,0.4,2,255,3,0,0,0,sales,medium -0.42,0.47,4,146,3,1,0,0,sales,medium -0.29,0.8,5,103,6,0,0,0,sales,medium -0.54,0.72,5,206,4,0,0,0,sales,high -0.8,0.52,3,253,2,1,0,0,sales,low -0.89,0.93,4,245,4,0,0,0,sales,medium -0.92,0.58,3,261,3,1,0,0,sales,medium -0.87,0.68,4,217,3,0,0,0,sales,medium -0.76,0.82,4,172,3,1,0,0,sales,medium -0.64,0.61,3,221,3,0,0,0,accounting,low -0.83,0.57,2,246,5,1,0,0,accounting,low -0.55,0.6,3,145,4,0,0,0,accounting,low -0.83,0.7,5,168,3,0,0,0,hr,low -0.58,0.62,5,184,3,0,0,0,hr,low -0.67,0.97,4,186,3,0,0,0,hr,low -0.65,0.57,3,238,3,0,0,0,hr,low -0.89,0.95,5,203,3,0,0,0,technical,low -0.84,0.5,5,195,3,0,0,0,technical,low -0.5,0.7,5,264,2,0,0,0,technical,low -0.7,0.51,3,256,3,0,0,0,technical,low -0.79,0.83,5,268,3,0,0,0,technical,low -0.19,0.72,6,243,6,1,0,0,technical,low -0.89,0.5,4,136,2,1,0,0,technical,low -0.36,0.6,2,136,6,0,0,0,technical,low -0.62,0.66,5,165,3,0,0,0,technical,low -0.84,0.93,6,166,4,0,0,0,technical,low -0.65,0.87,4,267,2,0,0,0,technical,low -0.65,0.7,4,233,3,0,0,0,support,medium -0.87,0.92,3,141,2,0,0,0,support,medium -0.66,0.73,5,249,2,0,0,0,support,medium -0.83,0.9,3,102,4,0,0,0,support,medium -0.89,0.63,3,268,3,0,0,0,support,medium -0.91,0.97,4,139,3,0,0,0,support,medium -0.91,0.56,3,168,2,0,0,0,support,medium -0.83,0.5,4,259,2,0,0,0,support,medium -0.87,0.82,4,248,2,0,0,0,support,medium -0.62,0.79,3,274,3,0,0,0,support,medium -0.54,1,3,169,2,0,0,0,support,medium -0.84,0.53,5,190,3,0,0,0,technical,medium -0.33,0.82,2,114,5,0,0,0,technical,high -0.79,0.58,4,191,6,0,0,0,technical,low -0.31,0.41,2,263,3,0,0,0,management,medium -0.68,0.81,3,166,2,0,0,0,IT,medium -0.52,0.7,4,247,5,0,0,0,IT,medium -0.54,0.64,3,203,4,0,0,0,IT,medium -0.73,0.78,4,181,4,0,0,0,IT,low -0.49,0.74,3,229,3,1,0,0,IT,low -0.37,0.67,2,159,2,0,0,0,product_mng,low -0.53,0.84,3,151,3,0,0,0,product_mng,low -0.58,0.75,4,222,3,1,0,0,product_mng,low -0.2,0.51,2,163,2,0,0,0,product_mng,low -0.91,0.6,4,163,5,0,0,0,IT,low -0.53,0.78,2,138,2,0,0,0,RandD,low -0.99,0.72,4,136,3,0,0,0,RandD,low -0.97,0.87,3,207,4,0,0,0,RandD,low -0.18,0.93,3,245,4,1,0,0,RandD,low -0.83,0.93,6,130,5,0,0,0,RandD,low -0.49,0.47,4,285,3,0,0,0,RandD,low -0.74,0.93,3,204,4,0,0,0,marketing,low -0.7,0.6,3,183,3,0,0,0,sales,low -0.97,0.91,3,246,2,0,0,0,accounting,low -0.92,0.91,3,250,4,0,0,0,support,low -0.94,0.7,3,176,3,0,0,0,technical,low -1,0.98,3,177,2,0,0,0,management,low -0.5,0.51,3,169,4,0,0,0,marketing,low -0.77,0.89,3,142,3,0,0,0,marketing,low -0.68,0.71,5,135,4,1,0,0,marketing,medium -0.57,0.43,3,167,3,0,0,0,sales,medium -0.57,0.61,5,191,4,0,0,0,sales,medium -0.48,0.97,3,224,6,0,0,0,sales,medium -0.7,0.95,5,234,6,1,0,0,sales,medium -0.68,0.43,3,161,2,1,0,0,sales,medium -0.62,0.68,3,124,3,0,0,0,sales,medium -0.61,0.51,4,242,3,0,0,0,sales,medium -0.83,0.77,2,186,2,0,0,0,sales,medium -0.99,0.8,5,254,5,0,0,0,sales,medium -0.58,0.72,4,170,2,0,0,0,sales,medium -0.93,0.83,4,225,2,0,0,0,sales,medium -0.66,0.5,4,263,3,0,0,0,sales,high -0.52,0.98,4,148,3,0,0,0,sales,low -0.5,0.6,5,216,3,0,0,0,sales,medium -0.16,0.7,5,257,4,0,0,0,sales,medium -0.62,0.74,4,173,2,0,0,0,sales,medium -0.49,0.49,6,188,3,0,0,0,sales,medium -0.56,0.91,4,188,2,1,0,0,sales,low -0.96,0.59,4,108,6,0,0,0,sales,low -0.5,0.75,5,179,3,0,0,0,accounting,low -0.99,0.99,4,195,2,0,0,0,accounting,low -0.54,0.51,3,265,3,0,0,0,accounting,low -0.52,0.9,4,285,2,0,0,0,hr,low -0.81,0.99,5,202,4,0,0,0,hr,low -0.5,0.73,4,271,2,0,0,0,hr,low -0.51,0.88,3,202,4,0,0,0,hr,low -0.41,0.47,6,171,2,0,0,0,technical,low -0.62,0.72,2,180,2,1,0,0,technical,low -0.56,0.68,3,269,3,1,0,0,technical,low -0.96,0.75,3,231,3,0,0,0,technical,low -0.58,0.64,2,249,2,0,0,0,technical,low -0.66,0.75,3,228,2,0,0,0,technical,low -0.56,0.75,2,264,2,0,0,0,technical,low -0.56,0.93,4,210,3,1,0,0,technical,low -0.67,0.91,3,256,3,0,0,0,technical,low -0.72,0.71,5,137,3,0,0,0,technical,low -0.59,0.79,4,272,3,0,0,0,technical,low -0.95,0.55,5,185,2,0,0,0,support,low -1,0.93,3,264,4,0,0,0,support,medium -0.56,0.64,3,238,3,0,0,0,support,medium -0.52,0.49,4,98,3,0,0,0,support,medium -0.88,0.9,4,248,2,0,0,0,support,medium -0.58,0.84,4,271,2,0,0,0,support,medium -0.86,0.92,3,180,2,0,0,0,support,medium -0.19,0.64,5,181,4,1,0,0,support,medium -0.6,0.6,4,182,3,0,0,0,support,medium -0.82,0.87,3,204,4,0,0,0,support,medium -0.64,0.75,4,170,3,0,0,0,support,medium -0.83,0.67,4,139,3,0,0,0,technical,medium -0.57,0.75,3,159,2,0,0,0,technical,medium -0.98,0.92,3,254,3,0,0,0,technical,high -0.54,0.69,4,168,2,0,0,0,management,low -0.72,0.66,3,256,2,0,0,0,IT,medium -0.89,0.87,4,209,2,0,0,0,IT,medium -0.41,0.57,3,193,3,1,0,0,IT,medium -0.93,0.62,4,142,2,0,0,0,IT,medium -0.9,0.9,3,274,3,0,0,0,IT,low -0.38,0.59,4,276,2,0,0,0,product_mng,low -0.52,0.88,4,155,3,1,0,0,product_mng,low -0.99,0.72,3,220,2,1,0,0,product_mng,low -0.69,0.74,2,271,2,0,0,0,product_mng,low -0.76,0.76,5,175,3,0,0,0,IT,low -0.42,0.46,3,128,2,1,0,0,RandD,low -0.78,0.9,4,104,4,0,0,0,RandD,low -0.37,0.46,3,173,6,0,0,0,RandD,medium -0.89,0.39,6,190,3,1,0,0,RandD,medium -0.93,0.49,5,167,3,0,0,0,RandD,medium -0.98,0.56,3,187,3,0,0,0,RandD,medium -0.65,0.56,3,259,3,0,0,0,marketing,medium -0.3,0.61,3,138,5,0,0,0,sales,medium -0.97,1,5,251,2,0,0,0,accounting,medium -0.84,0.49,5,189,2,0,0,0,support,medium -0.76,0.76,4,149,3,0,0,0,technical,medium -0.5,0.74,4,246,3,0,0,0,management,medium -0.48,0.61,3,146,3,0,0,0,marketing,medium -0.56,0.63,4,204,4,0,0,0,marketing,medium -0.99,0.77,4,184,3,0,0,0,marketing,medium -0.65,0.94,4,174,3,0,0,0,sales,medium -0.92,0.81,3,196,2,0,0,0,sales,medium -0.88,0.76,3,223,3,0,0,0,sales,medium -0.99,0.86,3,198,3,0,0,0,sales,medium -0.96,0.93,5,141,2,1,0,0,sales,medium -0.55,0.85,4,273,2,0,0,0,sales,medium -0.71,0.94,4,209,3,0,0,0,sales,medium -0.72,0.68,3,135,4,0,0,0,sales,medium -0.23,0.5,5,100,3,0,0,0,sales,medium -0.78,0.61,3,193,3,0,0,0,sales,medium -0.82,0.61,3,229,2,0,0,0,sales,medium -0.49,0.74,4,104,4,0,0,0,sales,medium -0.96,0.82,4,201,2,0,0,0,sales,high -0.5,0.78,3,206,3,1,0,1,sales,high -0.98,0.57,5,141,3,0,0,1,sales,high -0.85,0.57,4,150,3,0,0,1,sales,high -0.72,0.75,3,166,3,0,0,1,sales,high -0.78,0.83,4,252,2,0,0,1,sales,high -0.62,0.43,2,106,2,0,0,1,sales,high -0.64,0.38,5,171,6,1,0,1,accounting,high -0.24,0.5,4,232,3,0,0,1,accounting,high -0.84,0.78,5,172,2,0,0,1,accounting,high -0.61,0.61,4,239,2,0,0,1,hr,high -0.79,0.71,4,222,3,0,0,1,hr,high -0.86,0.77,3,152,3,0,0,1,hr,low -0.7,0.54,3,198,3,1,0,1,hr,low -0.53,0.76,5,143,4,0,0,1,technical,low -0.58,0.88,3,157,4,0,0,1,technical,low -0.45,0.55,5,268,2,0,0,0,technical,low -0.86,0.87,4,183,3,0,0,0,technical,low -0.95,0.81,4,238,2,0,0,0,technical,low -0.51,0.84,4,214,2,0,0,0,technical,low -0.35,0.41,6,244,3,0,0,0,technical,low -0.99,0.57,3,221,3,0,0,0,technical,low -0.73,0.49,4,200,2,1,0,0,technical,low -0.44,0.48,2,226,3,0,0,0,technical,low -0.43,0.74,4,121,5,1,0,0,technical,low -0.81,0.77,5,249,2,0,0,0,support,low -0.77,0.83,3,204,3,0,0,0,support,low -0.52,0.86,5,256,3,0,0,0,support,medium -0.21,0.92,2,211,2,0,0,0,support,medium -0.88,0.93,3,162,3,0,0,0,support,medium -0.48,0.8,5,235,2,0,0,0,support,medium -0.21,0.63,5,226,3,0,0,0,support,medium -0.81,0.53,4,242,3,0,0,0,support,medium -0.38,0.77,3,173,5,0,0,0,support,medium -0.67,0.77,5,167,2,0,0,0,support,medium -0.87,0.94,4,256,2,0,0,0,support,medium -0.85,0.41,2,229,6,0,0,0,technical,medium -0.52,0.9,5,176,3,0,0,0,technical,medium -0.9,0.95,3,133,4,0,0,0,technical,medium -0.85,0.56,5,203,3,0,0,0,management,high -0.77,0.52,3,210,3,1,0,0,IT,high -0.61,0.97,4,198,2,0,0,0,IT,high -0.74,0.54,3,175,3,1,0,0,IT,high -0.56,0.85,5,245,3,0,0,0,IT,high -0.28,0.97,4,102,3,0,0,0,IT,high -0.86,0.68,2,192,3,0,0,0,product_mng,high -0.63,0.78,4,160,2,0,0,0,product_mng,high -0.85,0.96,3,211,2,0,0,0,product_mng,low -0.84,0.84,6,261,5,0,0,0,product_mng,low -0.98,0.6,4,191,3,0,0,0,IT,low -0.51,0.78,5,225,4,0,0,0,RandD,low -0.71,0.85,4,157,2,0,0,0,RandD,low -0.88,0.69,3,248,4,0,0,0,RandD,low -0.16,0.81,2,159,6,1,0,0,RandD,low -0.98,0.86,4,254,2,1,0,0,RandD,low -0.81,0.76,3,203,3,0,0,0,RandD,medium -0.17,0.79,2,126,5,0,0,0,marketing,medium -0.22,0.65,6,212,4,0,0,0,sales,medium -0.67,0.69,5,225,3,0,0,0,accounting,medium -0.72,0.83,5,193,2,0,0,0,support,medium -0.67,0.91,3,147,3,0,0,0,technical,medium -0.47,0.55,2,156,2,0,0,0,management,medium -0.51,0.75,3,234,2,1,0,0,marketing,medium -0.88,0.71,5,246,3,0,0,0,marketing,medium -0.48,0.94,4,231,4,0,0,0,marketing,medium -0.66,0.99,4,209,3,0,0,0,sales,medium -0.58,0.5,3,144,3,0,0,0,sales,medium -0.23,0.96,2,234,4,0,0,0,sales,medium -0.86,0.77,5,230,2,0,0,0,sales,medium -0.81,0.99,2,156,5,0,0,0,sales,medium -0.75,0.54,6,138,4,1,0,0,sales,medium -0.49,0.89,2,233,4,1,0,0,sales,medium -0.31,0.5,3,262,5,0,0,0,sales,medium -0.83,0.75,6,215,5,0,0,0,sales,medium -0.7,0.55,4,227,3,0,0,0,sales,medium -0.49,0.99,3,199,3,0,0,0,sales,medium -0.57,0.92,3,238,2,0,0,0,sales,medium -0.37,0.45,6,100,5,1,0,0,sales,medium -0.69,0.75,3,179,2,1,0,0,sales,high -0.62,0.98,4,107,2,0,0,0,sales,low -0.5,0.68,4,274,4,0,0,0,sales,medium -0.81,0.73,4,272,2,0,0,0,sales,medium -0.2,0.41,6,264,3,0,0,0,sales,medium -0.22,0.58,2,255,5,0,0,0,sales,medium -0.63,0.79,5,215,2,1,0,0,accounting,medium -0.68,0.53,3,156,4,0,0,0,accounting,medium -0.52,0.49,3,146,2,1,0,0,accounting,medium -0.22,0.52,6,217,6,0,0,0,hr,medium -0.51,0.82,3,206,4,0,0,0,hr,medium -0.66,0.92,4,239,3,0,0,0,hr,medium -0.26,0.37,2,232,3,1,0,0,hr,low -0.42,0.4,3,160,2,0,0,0,technical,low -0.86,0.77,5,237,3,1,0,0,technical,low -0.52,0.68,3,162,4,1,0,0,technical,low -0.95,0.64,3,138,4,1,0,0,technical,low -0.63,0.94,2,228,2,1,0,0,technical,low -1,0.54,3,151,2,1,0,0,technical,low -0.54,0.58,3,169,2,1,0,0,technical,high -0.9,0.7,3,147,4,0,0,0,technical,low -0.49,0.99,6,205,5,0,0,0,technical,high -0.81,0.6,3,140,2,0,0,0,technical,high -0.5,0.66,4,150,4,0,0,0,technical,low -0.7,0.88,4,191,3,1,0,0,support,low -0.5,0.85,4,150,2,0,0,0,support,high -0.98,0.66,2,255,3,0,0,0,support,low -0.86,0.51,3,230,3,0,0,0,support,medium -0.93,0.77,3,202,5,0,0,0,support,high -0.62,0.75,3,180,3,0,0,0,support,medium -0.64,0.57,3,179,3,0,0,0,support,medium -0.66,0.94,4,198,3,1,0,0,support,medium -0.65,0.86,4,267,2,0,0,0,support,medium -0.89,0.84,3,166,2,0,0,0,support,high -0.77,0.58,4,162,2,0,0,0,support,medium -0.4,0.36,4,128,4,0,0,0,technical,medium -0.36,0.44,4,114,4,0,0,0,technical,medium -0.3,0.48,2,104,2,0,0,0,technical,high -0.9,0.64,4,139,3,1,0,0,management,medium -0.23,0.49,5,214,5,0,0,0,IT,high -0.24,0.79,2,175,5,0,0,0,IT,low -0.98,0.92,4,175,2,0,0,0,IT,medium -0.49,0.48,2,186,2,0,0,0,IT,medium -0.23,0.48,3,139,4,0,0,0,IT,medium -0.79,0.71,3,202,3,0,0,0,product_mng,medium -0.21,0.76,4,165,6,1,0,0,product_mng,low -0.38,0.92,5,238,2,0,0,0,product_mng,low -0.17,0.59,4,179,4,0,0,0,product_mng,low -0.56,0.69,5,239,2,1,0,0,IT,low -0.97,0.7,5,195,2,1,0,0,RandD,low -0.22,0.78,6,206,6,0,0,0,RandD,low -0.84,0.88,3,194,3,0,0,0,RandD,low -0.64,0.63,5,105,5,1,0,0,RandD,low -0.78,0.69,5,256,3,0,0,0,RandD,low -0.23,0.4,6,110,4,1,0,0,marketing,low -0.99,0.82,6,185,4,1,0,0,sales,high -0.15,0.76,4,255,6,0,0,0,accounting,low -0.24,0.96,3,174,6,0,0,0,support,low -0.84,0.71,4,273,3,0,0,0,technical,low -0.82,0.58,2,248,6,0,0,0,management,low -0.17,0.86,3,286,6,0,0,0,marketing,high -0.72,0.71,5,248,2,0,0,0,marketing,low -0.86,0.91,3,234,3,1,0,0,marketing,low -0.75,0.55,3,162,3,0,0,0,sales,low -0.93,0.82,5,272,3,0,0,0,sales,high -0.75,0.52,3,260,3,1,0,0,sales,low -0.45,0.55,3,151,3,0,0,0,sales,medium -0.44,0.87,2,140,4,0,0,0,sales,high -0.55,0.9,5,237,3,0,0,0,sales,medium -0.78,0.56,5,252,2,0,0,0,sales,high -0.5,0.52,4,178,3,0,0,0,sales,medium -0.96,0.66,4,268,3,0,0,0,sales,medium -0.72,0.53,5,244,4,0,0,0,sales,medium -0.77,0.55,3,225,3,0,0,0,sales,medium -0.89,0.94,5,223,3,0,0,0,sales,medium -0.58,0.79,4,149,6,0,0,0,sales,medium -0.75,0.96,5,190,3,0,0,0,sales,medium -0.77,0.8,4,167,3,0,0,0,sales,medium -0.76,0.87,4,161,3,0,0,0,sales,high -0.87,0.76,4,218,2,0,0,0,sales,low -0.95,0.74,3,212,3,0,0,0,sales,medium -0.73,0.54,3,150,3,0,0,0,sales,medium -0.2,0.56,5,181,6,0,0,0,accounting,medium -0.55,0.43,3,120,6,1,0,0,accounting,medium -0.21,0.53,3,229,5,0,0,0,accounting,medium -0.91,0.74,3,139,5,1,0,0,hr,medium -0.61,0.87,4,151,3,0,0,0,hr,medium -0.89,0.59,4,230,3,0,0,0,hr,medium -0.65,0.76,4,193,2,0,0,0,hr,medium -0.7,0.48,4,229,2,0,0,0,technical,high -0.79,0.95,3,222,4,0,0,0,technical,low -0.99,0.67,3,200,2,0,0,0,technical,low -0.52,0.77,4,134,4,0,0,0,technical,low -0.71,0.97,3,219,3,0,0,0,technical,high -0.21,0.58,5,197,4,0,0,0,technical,low -0.4,0.62,3,283,5,0,0,0,technical,low -0.74,0.75,4,149,3,0,0,0,technical,low -0.79,0.6,4,161,3,0,0,0,technical,high -0.88,0.58,5,264,3,0,0,0,technical,low -0.89,0.93,4,137,2,0,0,0,technical,low -0.61,0.72,3,144,2,0,0,0,support,low -0.48,0.54,4,105,5,1,0,0,support,low -0.81,0.98,6,196,2,0,0,0,support,low -0.71,0.74,3,250,3,0,0,0,support,low -0.92,0.53,3,253,3,0,0,0,support,low -0.99,0.71,4,199,4,0,0,0,support,medium -0.74,0.55,6,130,2,0,0,0,support,medium -1,0.94,3,257,4,0,0,0,support,medium -0.81,0.55,3,127,4,0,0,0,support,medium -0.59,0.7,2,153,2,0,0,0,support,medium -0.9,0.58,5,260,2,0,0,0,support,medium -0.98,0.9,4,247,2,0,0,0,technical,medium -0.56,0.55,3,250,4,0,0,0,technical,medium -0.86,0.89,4,136,4,0,0,0,technical,medium -0.82,0.59,3,210,3,0,0,0,management,medium -0.94,0.53,4,183,3,0,0,0,IT,medium -0.68,0.96,4,255,3,0,0,0,IT,medium -0.81,0.69,5,109,2,0,0,0,IT,high -0.59,0.59,3,173,3,0,0,0,IT,low -0.54,0.82,4,266,2,0,0,0,IT,medium -0.77,0.87,5,257,2,0,0,0,product_mng,medium -0.62,0.61,6,103,4,0,0,0,product_mng,medium -0.58,0.57,5,105,6,0,0,0,product_mng,medium -0.63,0.84,3,269,2,0,0,0,product_mng,low -0.78,1,4,154,2,0,0,0,IT,low -0.82,0.78,5,232,3,0,0,0,RandD,low -0.73,0.86,3,215,4,0,0,0,RandD,low -0.53,0.74,4,272,2,1,0,0,RandD,low -0.88,0.62,4,221,2,0,0,0,RandD,low -0.65,0.6,4,200,4,0,0,0,RandD,low -0.57,0.61,5,254,5,0,0,0,marketing,low -0.93,0.76,5,187,3,0,0,0,marketing,low -0.83,0.64,2,192,2,0,0,0,sales,low -0.73,0.45,5,232,4,0,0,0,accounting,low -0.78,0.67,4,221,3,1,0,0,support,low -0.9,0.62,3,233,5,1,0,0,technical,low -0.59,0.66,3,166,3,1,0,0,management,low -0.67,0.89,2,173,3,0,0,0,marketing,low -0.59,0.51,4,184,2,0,0,0,marketing,low -0.53,0.54,4,257,3,1,0,0,marketing,low -0.56,0.73,4,226,2,0,0,0,sales,low -0.72,0.89,3,221,3,0,0,0,sales,low -0.81,0.49,2,205,5,1,0,0,sales,low -0.54,0.68,3,158,3,0,0,0,sales,low -0.91,0.87,3,199,3,0,0,0,sales,medium -0.51,0.96,3,192,3,0,0,0,sales,medium -0.59,0.39,4,190,5,0,0,0,sales,medium -0.64,0.86,5,222,3,0,0,0,sales,medium -0.95,0.68,5,225,3,0,0,0,sales,medium -0.75,0.69,3,274,2,0,0,0,sales,medium -0.44,0.38,3,197,2,0,0,0,sales,medium -0.55,0.6,4,176,3,0,0,0,sales,medium -0.6,0.81,3,226,2,0,0,0,sales,medium -0.84,0.58,5,186,2,0,0,0,sales,medium -0.49,0.65,3,226,3,0,0,0,sales,medium -0.75,0.71,4,209,3,0,0,0,sales,medium -0.35,0.81,5,182,5,0,0,0,sales,high -0.68,0.78,3,232,3,0,0,0,sales,low -0.52,0.53,2,286,3,0,0,0,sales,medium -0.78,0.57,3,177,3,0,0,0,accounting,medium -0.44,0.92,6,268,4,1,0,0,accounting,medium -0.18,0.86,5,267,4,0,0,0,accounting,medium -0.37,0.52,4,211,4,0,0,0,hr,low -0.71,0.76,3,246,3,0,0,0,hr,low -0.55,0.83,5,220,3,0,0,0,hr,low -0.98,0.78,3,197,2,0,0,0,hr,low -0.88,0.53,3,188,3,0,0,0,technical,low -0.79,0.9,5,212,5,0,0,0,technical,low -0.96,0.66,3,230,3,0,0,0,technical,low -0.3,0.55,6,178,2,0,0,0,technical,low -0.59,0.9,4,226,2,0,0,0,technical,low -0.72,0.55,4,202,3,0,0,0,technical,low -0.59,0.87,4,191,2,0,0,0,technical,low -0.93,0.68,2,150,3,0,0,0,technical,low -0.49,0.86,5,235,5,0,0,0,technical,low -0.73,0.95,3,258,3,0,0,0,technical,low -0.53,0.6,5,247,3,0,0,0,technical,low -0.77,0.83,6,271,3,0,0,0,support,low -0.45,0.62,6,129,5,0,0,0,support,low -0.95,0.78,5,246,3,0,0,0,support,low -0.86,0.69,5,157,4,0,0,0,support,low -0.59,0.58,4,233,4,0,0,0,support,low -0.95,0.63,4,153,3,0,0,0,support,low -0.7,0.92,4,142,2,1,0,0,support,medium -0.56,0.64,5,241,3,1,0,0,support,medium -0.5,0.92,3,186,2,0,0,0,support,medium -0.76,0.92,4,154,3,0,0,0,support,medium -0.85,0.77,5,263,3,0,0,0,support,medium -0.98,1,5,150,3,0,0,0,technical,medium -0.65,0.4,2,277,2,0,0,0,technical,medium -0.44,0.97,4,240,5,1,0,0,technical,medium -0.55,0.97,3,222,2,0,0,0,management,medium -0.16,0.8,4,140,5,1,0,0,IT,medium -0.16,0.9,6,213,2,0,0,0,IT,medium -0.75,1,4,272,4,1,0,0,IT,medium -0.59,0.57,4,261,2,0,0,0,IT,high -0.48,0.87,3,236,2,0,0,0,IT,low -0.18,0.68,6,154,5,0,0,0,product_mng,medium -0.8,0.72,3,271,2,0,0,0,product_mng,medium -0.8,0.88,3,154,2,0,0,0,product_mng,medium -0.15,0.52,4,207,4,0,0,0,product_mng,medium -0.62,0.86,4,181,2,0,0,0,IT,low -0.21,0.99,6,165,4,1,0,0,RandD,low -0.9,0.82,3,203,2,0,0,0,RandD,low -0.51,1,4,197,2,0,0,0,RandD,low -0.99,0.9,4,177,3,0,0,0,RandD,low -0.71,0.49,4,273,2,1,0,0,RandD,low -0.89,0.93,4,141,2,0,0,0,marketing,low -0.74,0.67,4,158,3,0,0,0,sales,low -0.84,0.85,3,243,2,0,0,0,accounting,low -0.4,0.64,3,188,3,0,0,0,support,low -1,0.71,4,216,2,0,0,0,technical,low -0.48,0.51,5,286,3,0,0,0,management,low -0.99,0.6,3,262,2,0,0,0,marketing,low -0.73,0.81,5,173,3,0,0,0,marketing,low -0.84,0.91,3,247,4,0,0,0,marketing,low -0.55,0.7,3,237,4,0,0,0,sales,low -0.44,0.99,5,119,2,0,0,0,sales,low -0.95,0.67,4,227,3,0,0,0,sales,low -0.76,0.65,4,195,3,0,0,0,sales,low -0.94,0.7,6,217,5,0,0,0,sales,low -0.85,0.5,4,267,3,0,0,0,sales,low -0.57,0.62,3,154,2,0,0,0,sales,medium -0.67,0.49,5,161,2,0,0,0,sales,medium -0.7,0.67,3,179,3,1,0,0,sales,medium -0.67,0.55,4,214,3,1,0,0,sales,medium -0.72,0.84,3,167,3,0,0,0,sales,medium -0.71,0.53,6,203,3,0,0,0,sales,medium -0.51,0.8,4,231,3,0,0,0,sales,medium -0.98,0.65,4,263,2,1,0,0,sales,medium -0.52,0.83,2,227,4,0,0,0,sales,medium -0.21,0.9,4,235,4,0,0,0,sales,medium -0.43,0.93,6,127,3,1,0,0,sales,medium -0.91,0.62,4,158,3,1,0,0,sales,medium -0.74,0.85,4,105,5,0,0,0,sales,high -0.34,0.81,3,257,5,0,0,0,accounting,low -0.28,0.46,4,260,2,0,0,0,accounting,medium -0.7,0.79,6,145,3,0,0,0,accounting,medium -0.53,0.59,2,201,3,1,0,0,hr,medium -0.97,0.51,4,241,4,0,0,0,hr,medium -0.96,0.59,3,214,2,0,0,0,hr,low -0.74,0.53,4,166,3,0,0,0,hr,low -0.79,0.86,4,173,4,0,0,0,technical,low -0.61,0.47,4,181,5,0,0,0,technical,low -0.36,0.4,4,114,4,1,0,0,technical,low -0.15,0.91,5,267,4,0,0,0,technical,low -0.61,0.5,4,216,2,0,0,0,technical,low -0.59,0.94,4,265,3,0,0,0,technical,low -0.58,0.77,5,272,2,1,0,0,technical,low -0.49,0.92,4,229,2,0,0,0,technical,low -0.92,0.96,5,174,3,1,0,0,technical,low -0.72,0.92,3,264,3,0,0,0,technical,low -0.77,0.85,5,221,5,0,0,0,technical,low -0.6,0.57,3,202,3,0,0,0,support,low -0.21,0.4,3,262,3,0,0,0,support,low -0.83,0.75,3,150,3,0,0,0,support,low -0.71,0.95,3,251,3,0,0,0,support,low -0.94,0.46,2,230,2,1,0,0,support,low -0.59,0.99,3,185,2,0,0,0,support,medium -0.59,0.59,4,216,2,1,0,0,support,medium -0.99,0.68,3,181,3,1,0,0,support,medium -0.64,0.7,5,140,4,0,0,0,support,medium -0.54,0.5,4,160,3,0,0,0,support,medium -0.78,0.63,3,192,2,0,0,0,support,medium -0.7,0.79,6,257,4,0,0,0,technical,medium -0.9,0.62,5,236,6,0,0,0,technical,medium -0.14,0.74,6,160,5,0,0,0,technical,medium -0.33,0.69,3,125,3,0,0,0,management,medium -0.73,0.53,4,139,2,0,0,0,IT,medium -0.8,0.87,4,217,3,0,0,0,IT,medium -0.17,0.91,6,246,5,0,0,0,IT,high -0.34,0.91,4,284,4,0,0,0,IT,low -0.61,0.9,3,263,3,0,0,0,IT,medium -0.18,0.95,4,241,6,0,0,0,product_mng,medium -0.72,0.94,3,258,3,0,0,0,product_mng,medium -0.32,0.79,4,136,3,0,0,0,product_mng,medium -0.85,0.81,2,223,3,1,0,0,product_mng,low -0.85,0.74,5,170,4,0,0,0,IT,low -0.8,0.81,4,194,3,1,0,0,RandD,low -0.36,0.82,4,218,5,0,0,0,RandD,low -0.8,0.99,6,178,5,0,0,0,RandD,low -0.55,0.9,3,181,3,1,0,0,RandD,low -0.69,0.56,3,183,4,1,0,0,RandD,low -0.71,0.61,2,198,2,1,0,0,marketing,low -0.74,0.56,3,203,3,0,0,0,sales,low -0.76,0.89,5,204,3,0,0,0,accounting,low -0.81,0.62,3,257,3,0,0,0,support,low -0.59,1,4,169,2,0,0,0,technical,low -0.97,0.69,4,203,2,0,0,0,management,low -0.98,0.74,4,260,2,1,0,0,marketing,low -0.96,0.87,5,202,2,0,0,0,marketing,low -0.82,0.63,4,199,2,0,0,0,marketing,low -0.97,0.93,2,270,4,0,0,0,sales,low -0.74,0.51,5,258,2,0,0,0,sales,low -0.14,0.52,4,108,6,0,0,0,sales,low -0.3,0.67,3,232,3,0,0,0,sales,low -0.74,0.89,4,149,2,0,0,0,sales,low -0.85,0.48,4,214,3,0,0,0,sales,medium -0.69,0.65,4,136,2,0,0,0,sales,medium -0.6,0.95,4,164,4,0,0,0,sales,medium -0.53,0.85,3,236,6,0,0,0,sales,medium -0.94,0.88,3,270,3,0,0,0,sales,medium -0.57,0.63,5,156,4,0,0,0,sales,medium -0.2,0.73,3,250,5,0,0,0,sales,medium -0.82,0.92,4,196,3,0,0,0,sales,medium -0.62,0.92,5,169,2,0,0,0,sales,medium -0.88,0.59,2,144,3,0,0,0,sales,medium -0.82,0.62,4,160,3,0,0,0,sales,medium -0.62,0.91,3,142,6,1,0,0,sales,medium -0.74,0.48,5,165,2,0,0,0,sales,high -0.91,0.66,4,163,3,0,0,0,sales,low -0.7,0.96,3,263,3,0,0,0,accounting,medium -0.84,0.9,3,178,2,0,0,0,accounting,medium -0.35,0.57,3,109,3,0,0,0,accounting,medium -0.28,0.83,4,206,5,0,0,0,hr,medium -0.37,0.37,3,168,3,0,0,0,hr,low -0.75,0.5,4,155,2,1,0,0,hr,low -0.34,0.6,4,154,2,0,0,0,hr,low -0.55,0.5,4,179,3,0,0,0,technical,low -0.97,0.92,3,168,3,0,0,0,technical,low -0.91,0.57,3,158,3,0,0,0,technical,low -0.48,0.63,3,180,2,1,0,0,technical,low -0.53,0.71,4,227,3,0,0,0,technical,low -0.84,0.67,3,139,2,0,0,0,technical,low -0.31,0.69,3,120,3,0,0,0,technical,low -0.81,0.62,4,255,4,1,0,0,technical,low -0.78,0.95,5,273,2,0,0,0,technical,low -0.64,0.68,3,272,3,0,0,0,technical,low -0.41,0.77,4,231,6,0,0,0,technical,low -0.74,0.81,5,281,3,1,0,0,support,low -0.89,0.86,3,208,3,0,0,0,support,low -0.26,0.43,4,215,4,1,0,0,support,low -0.72,0.39,5,111,5,0,0,0,support,low -0.84,0.74,2,168,3,0,0,0,support,low -0.52,0.8,2,144,4,0,0,0,support,low -0.65,0.95,3,266,3,1,0,0,support,low -0.66,0.56,3,169,2,1,0,0,support,medium -0.86,0.63,4,162,2,0,0,0,support,medium -0.91,0.9,3,243,3,0,0,0,support,medium -0.84,0.6,3,186,3,1,0,0,support,medium -0.87,0.57,4,231,4,0,0,0,technical,medium -0.57,0.54,4,167,3,0,0,0,technical,medium -0.68,0.5,3,139,3,0,0,0,technical,medium -1,0.59,5,182,3,1,0,0,management,medium -0.86,0.74,4,261,2,0,0,0,IT,medium -0.7,0.99,4,248,3,0,0,0,IT,medium -0.28,0.7,2,164,4,0,0,0,IT,medium -0.84,0.9,3,230,3,0,0,0,IT,medium -0.68,0.92,3,226,2,0,0,0,IT,high -0.45,0.6,2,98,3,0,0,0,product_mng,low -0.37,0.74,5,117,3,0,0,0,product_mng,medium -0.98,0.84,4,200,2,0,0,0,product_mng,medium -0.67,0.57,3,206,3,1,0,0,product_mng,medium -0.74,0.83,4,142,3,0,0,0,IT,medium -0.48,0.46,2,174,3,0,0,0,RandD,low -0.22,0.63,5,284,6,0,0,0,RandD,low -0.14,0.79,5,163,6,0,0,0,RandD,low -0.93,0.92,5,189,2,0,0,0,RandD,low -0.83,0.54,4,189,4,0,0,0,RandD,low -0.94,0.79,3,256,3,0,0,0,marketing,low -0.7,0.98,3,215,2,0,0,0,sales,low -0.74,0.86,4,221,2,1,0,0,accounting,low -0.83,0.85,4,263,3,0,0,0,support,medium -0.97,0.61,3,208,3,0,0,0,technical,medium -0.61,0.71,3,216,4,0,0,0,management,medium -0.77,0.71,2,242,2,0,0,0,marketing,medium -0.66,0.73,2,135,6,0,0,0,marketing,medium -0.92,0.99,3,190,3,0,0,0,marketing,medium -0.62,0.55,3,108,2,1,0,0,sales,medium -0.15,0.67,6,195,2,0,0,0,sales,medium -0.82,0.68,3,160,4,0,0,0,sales,medium -0.7,0.48,5,273,2,0,0,0,sales,medium -0.18,0.39,2,177,6,0,0,0,sales,medium -0.99,0.59,3,163,2,0,0,0,sales,medium -0.22,0.9,4,106,2,0,0,0,sales,medium -0.61,0.83,5,236,2,0,0,0,sales,medium -0.78,0.91,3,132,2,0,0,0,sales,medium -0.84,0.61,3,253,2,0,0,0,sales,medium -0.87,0.74,4,151,4,0,0,0,sales,medium -0.73,0.9,4,266,3,0,0,0,sales,medium -0.7,0.86,3,141,2,1,0,0,sales,medium -0.98,0.71,5,217,3,0,0,0,sales,medium -0.85,0.49,3,258,3,0,0,0,sales,medium -0.56,0.83,5,275,2,0,0,0,sales,medium -0.48,0.62,4,210,2,0,0,0,sales,medium -0.65,0.7,3,243,3,0,0,0,sales,medium -0.84,0.59,3,234,3,1,0,0,sales,medium -0.17,0.73,4,274,3,0,0,0,accounting,high -0.84,0.61,4,261,2,0,0,0,accounting,high -0.96,0.59,3,158,3,1,0,0,accounting,high -0.62,0.96,5,251,2,0,0,0,hr,high -0.57,0.7,3,158,3,0,0,0,hr,high -0.98,0.87,3,246,3,0,0,0,hr,high -0.72,0.99,4,227,3,0,0,0,hr,high -0.43,0.46,4,169,5,0,0,0,technical,high -0.68,0.57,5,187,4,0,0,0,technical,high -0.69,0.86,4,238,3,0,0,0,technical,high -0.91,0.66,4,139,3,0,0,0,technical,high -0.42,0.37,2,284,3,0,0,0,technical,high -0.8,0.99,4,255,5,1,0,0,technical,low -0.79,0.57,5,230,2,0,0,0,technical,low -1,0.94,3,272,3,0,0,0,technical,low -0.63,0.75,4,155,3,0,0,0,technical,low -0.61,0.51,6,163,6,0,0,0,technical,low -0.78,0.98,4,260,3,0,0,0,technical,low -0.72,0.96,5,223,3,1,0,0,support,low -0.64,0.51,4,247,2,1,0,0,support,low -0.79,0.86,3,126,5,0,0,0,support,low -0.64,0.55,3,147,2,0,0,0,support,low -0.82,0.88,4,259,3,0,0,0,support,low -0.51,0.86,4,196,2,0,0,0,support,low -0.18,0.51,6,227,2,0,0,0,support,low -0.67,0.58,5,161,3,1,0,0,support,low -0.65,0.85,3,213,2,0,0,0,support,low -0.7,0.8,4,183,2,0,0,0,support,medium -0.59,0.59,3,194,2,1,0,0,support,medium -0.56,0.76,3,237,3,0,0,0,technical,medium -0.17,0.94,5,273,4,0,0,0,technical,medium -0.8,0.89,2,166,3,0,0,0,technical,medium -0.91,0.62,5,169,4,0,0,0,management,medium -0.51,0.54,3,154,3,1,0,0,IT,medium -0.76,0.59,3,201,6,1,0,0,IT,medium -0.82,0.59,3,178,2,0,0,0,IT,medium -0.44,0.66,3,161,3,0,0,0,IT,medium -0.5,0.48,4,269,3,0,0,0,IT,medium -0.54,0.49,3,203,3,1,0,0,product_mng,medium -0.56,0.63,4,271,2,1,0,0,product_mng,high -0.77,0.66,6,181,4,0,0,0,product_mng,high -0.39,0.38,4,135,2,0,0,0,product_mng,high -0.52,0.62,3,275,2,0,0,0,IT,high -0.63,0.91,3,252,2,0,0,0,RandD,high -0.49,0.46,2,129,2,0,0,0,RandD,high -0.2,0.47,4,230,4,0,0,0,RandD,high -0.21,0.94,3,287,5,0,0,0,RandD,high -0.85,0.98,5,156,2,0,0,0,RandD,low -0.54,0.82,2,279,3,1,0,0,marketing,low -0.23,0.88,5,156,4,0,0,0,sales,low -0.65,0.96,3,168,2,0,0,0,accounting,low -0.19,0.85,6,259,3,1,0,0,support,low -0.76,0.58,4,188,3,0,0,0,technical,low -0.83,0.8,4,149,3,0,0,0,management,low -0.97,0.47,3,157,4,0,0,0,marketing,low -0.67,1,3,201,4,0,0,0,marketing,medium -0.53,0.62,3,185,3,0,0,0,marketing,medium -0.34,0.71,2,160,3,1,0,0,sales,medium -0.58,0.48,5,251,3,0,0,0,sales,medium -0.96,0.68,5,145,3,1,0,0,sales,medium -0.72,0.76,3,269,3,1,0,0,sales,medium -0.58,0.62,3,213,2,0,0,0,sales,medium -0.39,0.67,6,276,6,0,0,0,sales,medium -0.24,0.57,5,232,3,0,0,0,sales,medium -0.64,0.73,4,184,3,0,0,0,sales,medium -0.98,0.55,3,260,3,0,0,0,sales,medium -0.64,0.99,3,214,2,0,0,0,sales,medium -0.56,0.41,2,194,2,0,0,0,sales,medium -0.53,0.74,5,181,2,0,0,0,sales,medium -0.62,0.57,4,215,3,0,0,0,sales,medium -0.85,0.69,3,194,4,0,0,0,sales,medium -0.76,0.85,4,190,3,0,0,0,sales,medium -0.69,0.5,3,260,4,0,0,0,sales,medium -0.35,0.67,2,171,3,0,0,0,sales,medium -0.54,0.47,2,193,4,0,0,0,sales,medium -0.63,0.49,3,252,3,0,0,0,sales,medium -0.58,0.58,5,171,2,0,0,0,accounting,medium -0.7,0.93,3,185,4,0,0,0,accounting,medium -0.48,0.51,4,152,4,0,0,0,accounting,high -0.59,0.92,4,183,2,0,0,0,hr,low -0.96,0.8,4,145,2,0,0,0,hr,medium -0.99,0.77,3,190,4,0,0,0,hr,medium -0.73,0.59,4,214,5,0,0,0,hr,medium -0.7,0.73,2,139,2,0,0,0,technical,medium -0.85,0.88,5,236,4,0,0,0,technical,medium -0.66,0.61,3,156,3,1,0,0,technical,medium -0.94,0.97,2,221,2,0,0,0,technical,medium -0.54,0.64,6,278,2,0,0,0,technical,medium -0.78,0.47,4,129,2,0,0,0,technical,medium -0.64,0.85,3,213,4,0,0,0,technical,medium -0.68,0.56,3,146,3,0,0,0,technical,low -0.92,0.84,4,159,3,0,0,0,technical,low -0.72,0.73,3,198,2,0,0,0,technical,low -0.78,0.74,6,251,4,0,0,0,technical,low -0.35,0.54,2,124,3,0,0,0,support,low -0.97,0.77,5,223,2,0,0,0,support,low -0.57,0.65,3,163,2,0,0,0,support,low -0.9,0.66,4,242,3,0,0,0,support,high -0.31,0.61,4,97,2,0,0,0,support,low -0.17,0.5,4,267,6,0,0,0,support,high -0.8,0.4,5,199,4,1,0,0,support,high -0.19,0.76,3,107,5,0,0,0,support,low -0.57,0.65,5,144,3,1,0,0,support,low -0.22,0.96,3,213,3,0,0,0,support,high -0.15,0.9,5,284,4,0,0,0,support,low -0.62,0.67,5,259,3,0,0,0,technical,medium -0.61,0.41,3,103,2,0,0,0,technical,high -0.87,0.81,5,236,3,0,0,0,technical,medium -0.54,0.75,4,199,2,0,0,0,management,medium -0.71,0.54,3,201,2,0,0,0,IT,medium -0.66,0.67,3,123,4,0,0,0,IT,medium -0.7,0.68,4,143,5,0,0,0,IT,high -0.53,0.5,5,159,2,0,0,0,IT,medium -0.92,0.54,5,203,3,0,0,0,IT,medium -0.93,0.73,4,168,2,0,0,0,product_mng,medium -0.62,0.7,5,180,4,0,0,0,product_mng,high -0.65,0.53,5,142,3,0,0,0,product_mng,medium -0.87,0.98,4,266,2,1,0,0,product_mng,high -0.97,0.89,5,265,2,0,0,0,IT,low -0.76,0.77,5,257,3,0,0,0,RandD,medium -0.96,0.55,4,234,4,0,0,0,RandD,medium -1,0.8,3,223,3,0,0,0,RandD,medium -0.99,0.85,5,261,4,0,0,0,RandD,medium -0.67,0.84,4,197,2,0,0,0,RandD,low -0.61,0.52,4,171,2,0,0,0,marketing,low -0.62,0.92,3,228,2,0,0,0,sales,low -0.62,0.79,3,141,3,0,0,0,accounting,low -0.97,0.76,3,147,3,1,0,0,support,low -0.86,0.56,5,237,3,0,0,0,technical,low -0.15,0.44,3,199,2,0,0,0,management,low -0.14,0.95,4,144,5,0,0,0,marketing,low -0.7,0.98,4,146,3,0,0,0,marketing,low -0.95,0.7,4,139,3,0,0,0,marketing,low -0.63,0.86,4,169,2,0,0,0,sales,high -0.45,0.75,4,169,2,0,0,0,sales,low -0.9,0.6,3,268,3,0,0,0,sales,low -0.15,0.87,4,194,4,0,0,0,sales,low -0.75,0.86,3,249,3,0,0,0,sales,low -0.14,0.52,4,122,2,0,0,0,sales,high -0.5,0.94,5,176,4,0,0,0,sales,low -0.45,0.45,4,168,2,0,0,0,sales,low -0.86,0.92,3,260,2,0,0,0,sales,low -0.52,0.62,3,179,3,0,0,0,sales,high -0.79,0.48,5,200,3,0,0,0,sales,low -0.47,0.56,4,165,3,0,0,0,sales,medium -0.76,0.64,4,144,2,0,0,0,sales,high -0.52,0.72,4,186,2,0,0,0,sales,medium -0.84,0.54,4,156,4,0,0,0,sales,high -0.5,0.7,4,162,2,0,0,0,sales,medium -0.52,0.63,3,269,2,0,0,0,sales,medium -0.76,0.37,3,127,4,0,0,0,sales,medium -0.59,0.58,2,267,3,0,0,0,sales,medium -0.65,0.79,4,196,2,0,0,0,accounting,medium -0.68,0.83,3,144,2,0,0,0,accounting,medium -0.52,0.72,2,247,4,0,0,0,accounting,medium -0.92,0.5,5,258,3,0,0,0,hr,medium -0.53,0.84,4,219,2,0,0,0,hr,high -0.5,0.95,2,208,2,0,0,0,hr,low -0.98,0.77,4,184,3,0,0,0,hr,medium -0.85,0.6,5,178,2,0,0,0,technical,medium -0.49,0.83,4,194,3,0,0,0,technical,medium -0.52,0.73,4,245,4,0,0,0,technical,medium -0.96,0.77,3,193,3,0,0,0,technical,medium -0.86,0.85,3,254,3,0,0,0,technical,medium -0.35,0.59,3,281,2,0,0,0,technical,medium -0.99,0.97,5,229,2,0,0,0,technical,medium -0.52,0.92,4,112,2,0,0,0,technical,medium -0.75,0.91,4,243,3,0,0,0,technical,high -0.67,0.66,3,151,3,0,0,0,technical,low -0.49,0.37,4,216,4,0,0,0,technical,low -0.51,0.62,3,110,3,0,0,0,support,low -0.65,0.6,3,142,2,0,0,0,support,high -0.73,0.8,4,251,2,1,0,0,support,low -0.46,0.75,6,276,6,0,0,0,support,low -0.94,0.82,4,159,2,1,0,0,support,low -0.53,0.69,4,257,4,0,0,0,support,high -0.6,0.79,5,154,2,0,0,0,support,low -0.63,0.97,5,146,3,0,0,0,support,low -0.75,0.77,4,204,2,0,0,0,support,low -0.69,0.53,4,156,3,0,0,0,support,low -0.81,0.5,4,170,4,0,0,0,support,low -0.74,0.84,3,239,3,0,0,0,technical,low -0.72,0.55,4,145,3,0,0,0,technical,low -0.27,0.39,4,193,4,0,0,0,technical,medium -0.86,0.74,2,178,3,0,0,0,management,medium -0.5,0.59,3,260,3,0,0,0,IT,medium -0.82,0.5,3,198,4,0,0,0,IT,medium -0.73,0.51,4,249,5,0,0,0,IT,medium -0.7,0.72,4,202,3,0,0,0,IT,medium -0.9,0.72,4,143,3,0,0,0,IT,medium -0.72,0.95,2,178,4,1,0,0,product_mng,medium -0.63,0.85,3,151,4,1,0,0,product_mng,medium -0.84,0.99,4,134,3,0,0,0,product_mng,medium -0.98,0.92,5,221,3,1,0,0,product_mng,medium -0.41,0.48,6,165,4,0,0,0,IT,medium -0.72,0.58,4,255,2,0,0,0,RandD,high -0.87,0.89,3,140,2,1,0,0,RandD,low -0.63,0.71,5,141,2,0,0,0,RandD,medium -0.6,0.96,4,99,6,0,0,0,RandD,medium -0.58,0.79,5,197,3,0,0,0,RandD,medium -0.64,0.52,3,240,3,0,0,0,marketing,medium -0.74,0.62,3,216,3,1,0,0,sales,low -0.93,0.7,5,206,4,0,0,0,accounting,low -0.74,0.75,4,257,3,0,0,0,support,low -0.98,0.6,4,160,3,0,0,0,technical,low -0.87,0.82,5,138,3,1,0,0,management,low -0.76,0.99,3,216,3,0,0,0,marketing,low -0.15,0.91,6,281,3,0,0,0,marketing,low -0.18,0.57,6,238,6,1,0,0,marketing,low -1,0.67,3,199,4,0,0,0,sales,low -0.98,0.63,3,135,3,0,0,0,sales,low -0.73,0.97,3,165,2,0,0,0,sales,low -0.67,0.72,3,180,3,0,0,0,sales,low -0.9,0.74,3,227,3,0,0,0,sales,low -0.54,0.53,3,251,2,0,0,0,sales,low -0.15,0.39,5,229,4,0,0,0,sales,low -0.58,0.54,4,199,2,0,0,0,sales,low -0.81,0.51,4,271,2,0,0,0,sales,low -0.17,0.51,5,221,3,0,0,0,sales,low -0.68,0.73,4,251,3,0,0,0,sales,low -0.68,0.49,4,153,4,0,0,0,sales,low -0.7,0.93,4,241,3,0,0,0,sales,low -0.49,0.68,4,201,4,0,0,0,sales,medium -0.55,0.96,4,267,3,0,0,0,sales,medium -0.48,0.84,3,146,2,1,0,0,sales,medium -0.63,0.98,4,210,3,0,0,0,sales,medium -0.83,0.69,4,233,2,0,0,0,sales,medium -0.48,0.87,3,221,2,0,0,0,sales,medium -0.98,0.96,5,183,3,1,0,0,accounting,medium -0.57,0.72,4,221,3,0,0,0,accounting,medium -0.72,0.66,3,167,3,0,0,0,accounting,medium -0.9,0.8,4,240,3,0,0,0,hr,medium -0.64,0.59,3,200,2,1,0,0,hr,medium -0.55,0.98,2,144,2,0,0,0,hr,medium -0.56,0.59,5,209,2,1,0,0,hr,high -0.8,0.55,3,206,2,0,0,0,technical,low -0.65,0.76,3,111,5,0,0,0,technical,medium -0.75,0.78,3,241,3,0,0,0,technical,medium -0.69,0.79,3,207,3,0,0,0,technical,medium -0.91,0.76,3,197,3,0,0,0,technical,medium -0.78,0.63,5,200,2,0,0,0,technical,low -0.71,0.68,4,242,4,0,0,0,technical,low -0.79,0.96,4,180,3,0,0,0,technical,low -0.86,0.72,4,173,3,0,0,0,technical,low -0.87,0.82,3,224,3,0,0,0,technical,low -0.76,0.99,2,183,2,0,0,0,technical,low -0.76,0.8,4,226,5,0,0,0,support,low -0.74,0.66,3,257,3,0,0,0,support,low -0.56,0.81,3,165,4,0,0,0,support,low -0.54,0.91,3,142,2,0,0,0,support,low -0.84,0.79,4,258,4,0,0,0,support,low -0.55,0.69,5,193,2,0,0,0,support,low -0.69,0.51,3,176,2,0,0,0,support,low -0.79,0.88,4,188,3,0,0,0,support,low -0.21,0.38,3,275,5,0,0,0,support,low -0.57,0.58,3,132,3,0,0,0,support,low -0.89,0.95,3,246,4,0,0,0,support,low -0.72,0.98,3,181,4,0,0,0,technical,low -0.56,0.58,5,266,3,0,0,0,technical,low -0.84,0.68,4,151,2,0,0,0,technical,low -0.94,0.76,3,257,4,1,0,0,management,low -0.29,0.88,6,183,4,0,0,0,IT,medium -0.54,0.93,3,124,5,0,0,0,IT,medium -0.93,0.73,4,153,2,1,0,0,IT,medium -0.8,0.68,4,199,2,0,0,0,IT,medium -1,0.73,5,142,4,0,0,0,IT,medium -0.89,0.56,4,159,3,0,0,0,product_mng,medium -0.6,0.78,6,211,4,1,0,0,product_mng,medium -0.49,0.94,5,136,3,0,0,0,product_mng,medium -0.65,0.75,4,153,2,0,0,0,product_mng,medium -0.6,0.71,5,263,2,1,0,0,IT,medium -0.51,1,3,168,3,1,0,0,RandD,medium -0.74,0.89,4,234,3,1,0,0,RandD,medium -0.57,0.42,4,154,5,0,0,0,RandD,high -0.82,0.84,5,173,2,0,0,0,RandD,low -0.19,0.63,5,206,6,0,0,0,RandD,medium -0.5,0.64,4,208,2,0,0,0,marketing,medium -0.91,0.68,4,178,3,1,0,0,sales,medium -0.19,0.86,4,198,6,0,0,0,accounting,medium -0.94,0.84,4,220,3,0,0,0,support,low -0.88,0.67,4,226,2,0,0,0,technical,low -0.9,0.87,4,231,5,0,0,0,management,low -0.49,0.96,2,206,2,0,0,0,marketing,low -0.99,0.55,4,179,4,0,0,0,marketing,low -0.72,0.81,4,200,2,0,0,0,marketing,low -0.66,0.69,5,202,6,0,0,0,sales,low -0.96,0.51,4,237,3,0,0,0,sales,low -0.49,0.69,4,270,3,0,0,0,sales,low -0.73,0.49,3,168,2,1,0,0,sales,low -0.48,0.98,5,132,4,0,0,0,sales,low -0.57,0.78,3,162,2,0,0,0,sales,low -0.63,0.82,3,269,3,0,0,0,sales,low -0.46,0.87,5,254,5,1,0,0,sales,low -0.64,0.5,3,261,2,0,0,0,sales,low -0.56,0.73,4,148,3,0,0,0,sales,low -0.97,0.75,5,228,4,0,0,0,sales,low -0.69,0.68,3,138,3,0,0,0,sales,low -0.23,0.97,4,200,3,0,0,0,sales,low -0.77,0.48,4,258,4,1,0,0,sales,low -0.76,0.57,4,266,3,0,0,0,sales,low -0.98,0.66,3,204,2,0,0,0,sales,medium -0.92,0.77,3,236,3,0,0,0,sales,medium -0.63,0.67,4,149,3,1,0,0,sales,medium -0.91,0.69,5,240,3,0,0,0,sales,medium -0.4,0.67,3,115,3,0,0,0,accounting,medium -0.82,0.62,4,267,3,1,0,0,accounting,medium -0.81,0.88,4,149,3,0,0,0,accounting,medium -0.61,0.69,3,224,3,0,0,0,hr,medium -0.3,0.57,2,158,2,0,0,0,hr,medium -0.59,0.72,2,107,3,0,0,0,hr,medium -0.2,0.56,3,217,5,0,0,0,hr,medium -0.75,0.56,2,212,2,0,0,0,technical,medium -0.59,0.79,3,270,3,0,0,0,technical,high -0.63,0.53,4,243,2,0,0,0,technical,low -0.77,0.68,5,162,4,1,0,0,technical,medium -0.82,0.6,5,232,2,0,0,0,technical,medium -0.6,0.85,5,187,4,0,0,0,technical,medium -0.83,0.72,3,259,2,0,0,0,technical,medium -0.67,0.6,4,209,2,0,0,0,technical,low -0.84,0.56,5,97,6,0,0,0,technical,low -0.68,0.79,5,139,4,0,0,0,technical,low -0.74,0.92,4,258,3,1,0,0,technical,low -0.63,0.64,3,208,2,1,0,0,support,low -0.88,0.9,2,233,3,0,0,0,support,low -1,0.81,3,168,4,0,0,0,support,low -0.7,0.87,4,252,2,1,0,0,support,low -0.5,0.71,5,171,4,0,0,0,support,low -0.94,0.66,5,219,3,0,0,0,support,low -0.67,0.54,3,213,4,0,0,0,support,low -0.8,0.88,5,199,4,0,0,0,support,low -0.7,0.88,4,245,2,0,0,0,support,low -0.24,0.73,4,273,5,0,0,0,support,low -0.98,1,4,202,3,0,0,0,support,low -0.76,0.65,4,240,3,0,0,0,technical,low -0.78,0.5,4,155,4,0,0,0,technical,low -0.42,0.91,3,209,2,0,0,0,technical,low -0.83,0.64,4,210,3,0,0,0,management,medium -0.98,0.81,4,266,6,0,0,0,IT,medium -0.64,0.81,2,226,2,0,0,0,IT,medium -0.67,0.75,4,133,2,0,0,0,IT,medium -0.26,0.39,3,99,4,0,0,0,IT,medium -0.97,0.64,3,237,3,0,0,0,IT,medium -0.48,0.6,4,230,3,0,0,0,product_mng,medium -0.84,0.55,4,149,2,0,0,0,product_mng,medium -0.71,0.74,4,206,4,0,0,0,product_mng,medium -1,0.84,3,185,3,0,0,0,product_mng,medium -0.6,0.76,5,269,2,0,0,0,IT,medium -0.95,0.37,6,233,5,0,0,0,RandD,medium -0.56,0.56,3,162,2,0,0,0,RandD,high -0.75,0.49,2,173,3,1,0,0,RandD,low -0.98,0.53,6,253,4,0,0,0,RandD,medium -0.7,0.72,5,134,3,0,0,0,RandD,medium -0.65,0.92,4,133,3,0,0,0,marketing,medium -0.8,0.81,5,143,2,0,0,0,sales,medium -0.49,0.78,3,264,4,0,0,0,accounting,low -0.32,0.73,3,180,6,0,0,0,support,low -0.88,0.54,3,235,2,1,0,0,technical,low -0.8,0.97,4,232,2,0,0,0,management,low -0.73,0.74,4,181,4,0,0,0,marketing,low -0.72,0.58,3,198,2,0,0,0,marketing,low -0.58,0.78,5,211,3,1,0,0,marketing,low -0.66,0.96,4,216,3,0,0,0,sales,low -0.63,0.79,3,197,3,1,0,0,sales,low -0.69,0.56,2,214,2,0,0,0,sales,low -0.49,0.59,3,185,3,0,0,0,sales,low -0.6,0.45,3,173,2,0,0,0,sales,low -0.5,0.63,4,229,4,0,0,0,sales,low -0.34,0.81,4,116,3,1,0,0,sales,low -0.79,0.6,5,223,3,0,0,0,sales,low -0.98,0.68,4,154,3,0,0,0,sales,low -0.96,0.97,5,240,2,0,0,0,sales,low -0.88,0.89,3,139,2,0,0,0,sales,low -0.6,0.61,2,275,2,0,0,0,sales,low -0.62,0.73,3,158,3,1,0,0,sales,low -0.4,0.72,3,204,4,1,0,0,sales,low -0.16,0.82,5,121,2,0,0,0,sales,medium -0.81,0.98,5,243,6,0,0,0,sales,medium -0.69,0.69,4,195,2,0,0,0,sales,medium -0.66,0.51,5,149,3,0,0,0,sales,medium -0.66,0.62,5,214,2,0,0,0,sales,medium -0.61,0.53,4,266,3,0,0,0,accounting,medium -0.99,0.77,5,222,2,0,0,0,accounting,medium -0.73,0.54,3,283,6,0,0,0,accounting,medium -0.63,0.72,2,161,5,0,0,0,hr,medium -0.6,0.91,3,157,4,0,0,0,hr,medium -0.44,0.44,3,126,2,0,0,0,hr,medium -0.64,0.95,3,131,6,0,0,0,hr,medium -0.91,0.81,4,139,2,0,0,0,technical,high -0.55,0.59,4,230,3,0,0,0,technical,low -0.7,0.73,4,240,2,1,0,0,technical,medium -0.37,0.59,3,134,3,0,0,0,technical,medium -0.16,0.56,6,196,3,0,0,0,technical,medium -0.69,0.97,5,240,4,0,0,0,technical,medium -0.96,0.47,2,233,5,1,0,0,technical,low -0.62,0.91,5,267,3,0,0,0,technical,low -0.94,0.45,2,211,3,0,0,0,technical,low -0.67,0.83,3,260,3,0,0,0,technical,low -0.89,0.57,3,113,3,0,0,0,technical,low -0.6,0.63,5,267,3,0,0,0,support,low -0.89,0.62,5,196,3,0,0,0,support,low -0.6,0.89,3,232,2,0,0,0,support,low -0.93,0.95,2,156,3,1,0,0,support,low -0.38,0.78,4,159,5,0,0,0,support,low -0.62,0.57,3,223,3,1,0,0,support,low -0.86,0.86,4,197,3,1,0,0,support,low -0.61,0.62,2,192,2,1,0,0,support,low -0.77,0.64,4,192,3,0,0,0,support,low -0.85,0.73,4,174,3,0,0,0,support,low -0.94,0.62,4,191,3,0,0,0,support,low -0.59,0.59,4,270,2,0,0,0,technical,low -0.9,0.92,3,139,3,0,0,0,technical,low -0.86,0.65,4,243,2,0,0,0,technical,low -0.72,0.7,3,238,2,0,0,0,management,low -0.84,0.52,5,189,2,1,0,0,IT,low -0.64,0.5,4,189,3,0,0,0,IT,medium -0.81,0.75,4,206,3,0,0,0,IT,medium -0.66,0.7,5,254,2,0,0,0,IT,medium -0.75,0.55,3,253,6,0,0,0,IT,medium -0.54,0.67,3,243,2,0,0,0,product_mng,medium -0.98,0.76,3,224,2,0,0,0,product_mng,medium -0.8,0.85,4,139,2,0,0,0,product_mng,medium -0.68,0.7,5,270,3,0,0,0,product_mng,medium -0.54,0.57,3,257,2,0,0,0,IT,medium -0.88,0.84,4,170,2,0,0,0,RandD,medium -0.71,0.62,3,222,3,0,0,0,RandD,medium -0.77,0.58,2,247,2,1,0,0,RandD,medium -0.6,0.6,4,201,3,0,0,0,RandD,high -0.53,0.75,4,263,5,0,0,0,RandD,low -0.85,0.5,3,168,2,1,0,0,marketing,medium -0.59,0.75,4,190,2,0,0,0,sales,medium -0.23,0.77,4,140,5,0,0,0,accounting,medium -0.7,0.6,3,224,3,0,0,0,support,medium -0.92,0.49,5,145,3,0,0,0,technical,low -0.95,0.37,4,285,3,0,0,0,management,low -0.39,0.43,3,154,3,0,0,0,marketing,low -0.85,0.8,4,200,2,0,0,0,marketing,low -0.98,0.7,3,255,2,1,0,0,marketing,low -0.15,0.48,6,204,6,1,0,0,sales,low -0.68,0.54,3,270,4,1,0,0,sales,low -0.24,0.91,5,177,5,0,0,0,sales,low -0.77,0.59,4,140,3,0,0,0,sales,medium -0.36,0.69,3,165,3,0,0,0,sales,medium -0.5,0.89,3,187,4,1,0,0,sales,medium -0.2,0.98,4,166,4,1,0,0,sales,medium -0.86,0.56,5,141,2,0,0,0,sales,medium -0.84,0.63,4,135,2,0,0,0,sales,medium -0.9,0.98,5,148,4,0,0,0,sales,medium -0.4,0.51,3,120,6,0,0,0,sales,medium -0.63,0.62,3,141,3,0,0,0,sales,medium -0.73,0.95,3,222,4,0,0,0,sales,medium -0.25,0.67,2,136,6,0,0,0,sales,medium -0.7,0.57,3,180,2,0,0,0,sales,medium -0.6,0.97,3,187,3,1,0,0,sales,medium -0.99,0.66,3,202,3,0,0,0,sales,medium -0.29,0.86,3,251,4,0,0,0,sales,medium -0.53,0.63,4,259,2,0,0,0,sales,medium -0.83,0.76,3,262,2,0,0,0,accounting,medium -0.18,0.92,5,251,4,0,0,0,accounting,medium -0.14,0.74,4,117,5,0,0,0,accounting,medium -0.5,0.66,4,155,2,0,0,0,hr,medium -0.36,0.89,3,197,6,0,0,0,hr,medium -0.34,0.56,3,139,2,0,0,0,hr,medium -0.51,0.75,4,175,2,0,0,0,hr,medium -0.5,0.52,5,137,3,1,0,0,technical,medium -0.69,0.93,3,228,4,0,0,0,technical,medium -0.52,0.51,2,232,4,0,0,0,technical,high -0.32,0.5,2,143,3,0,0,0,technical,high -0.88,0.99,3,190,5,0,0,0,technical,high -0.6,0.87,3,196,3,1,0,0,technical,high -0.72,0.8,3,213,3,0,0,0,technical,high -0.65,0.9,3,200,3,0,0,0,technical,high -0.82,0.78,5,166,2,0,0,0,technical,high -0.67,0.92,5,258,3,0,0,0,technical,high -0.44,0.87,5,104,4,0,0,0,technical,high -0.52,0.85,5,173,2,0,0,0,support,high -0.54,0.51,2,176,3,0,0,0,support,high -0.67,0.76,5,181,3,0,0,0,support,high -0.16,0.64,6,143,5,1,0,0,support,low -0.81,0.73,4,186,3,0,0,0,support,low -0.77,0.85,3,136,3,0,0,0,support,low -0.84,0.99,4,219,2,0,0,0,support,low -0.56,0.56,5,229,4,1,0,0,support,low -0.67,0.97,5,239,3,0,0,0,support,low -0.65,0.7,4,182,2,0,0,0,support,low -0.39,0.57,2,132,3,0,0,0,support,low -0.77,0.75,3,272,3,0,0,0,technical,low -0.41,0.96,5,167,3,1,0,0,technical,low -0.59,0.67,3,180,2,0,0,0,technical,low -0.14,0.72,6,100,5,0,0,0,management,low -0.6,0.82,4,134,2,0,0,0,IT,low -0.14,0.98,6,221,5,0,0,0,IT,low -0.88,0.8,3,166,2,0,0,0,IT,low -0.6,0.91,4,214,2,0,0,0,IT,medium -1,0.49,4,227,3,1,0,0,IT,medium -0.56,0.98,4,207,3,0,0,0,product_mng,medium -0.72,0.54,3,286,6,0,0,0,product_mng,medium -0.59,0.83,3,240,3,1,0,0,product_mng,medium -0.74,0.75,4,111,4,1,0,0,product_mng,medium -0.52,0.69,4,164,2,0,0,0,IT,medium -0.77,0.74,2,187,6,0,0,0,RandD,medium -0.48,0.81,4,248,2,0,0,0,RandD,medium -0.99,0.56,5,210,2,0,0,0,RandD,medium -0.23,0.78,4,163,6,0,0,0,RandD,medium -0.63,1,5,241,4,0,0,0,RandD,medium -0.51,0.83,3,136,3,0,0,0,marketing,high -0.54,0.55,4,208,5,0,0,0,sales,high -0.53,0.73,5,174,3,0,0,0,accounting,high -0.72,0.84,4,250,3,0,0,0,support,high -0.57,0.61,2,189,2,1,0,0,technical,high -0.81,0.77,3,204,3,0,0,0,management,high -0.64,0.57,4,217,3,0,0,0,marketing,high -0.77,0.57,5,162,3,0,0,0,marketing,high -0.83,0.55,3,257,2,0,0,0,marketing,low -0.6,0.71,3,195,2,0,0,0,sales,low -0.86,0.87,5,156,4,0,0,0,sales,low -0.5,0.55,2,128,3,0,0,0,sales,low -0.6,0.75,5,233,3,1,0,0,sales,low -0.85,0.73,4,260,4,0,0,0,sales,low -0.4,0.87,5,250,4,0,0,0,sales,low -0.38,0.79,5,176,3,0,0,0,sales,low -0.96,0.59,6,133,5,0,0,0,sales,medium -0.59,0.57,4,197,2,0,0,0,sales,medium -0.56,0.5,3,156,3,1,0,0,sales,medium -0.84,0.96,3,162,3,0,0,0,sales,medium -0.94,0.99,3,207,2,0,0,0,sales,medium -0.72,0.63,3,223,2,1,0,0,sales,medium -0.82,0.7,3,149,2,0,0,0,sales,medium -1,0.95,3,275,3,1,0,0,sales,medium -0.62,0.77,3,271,2,0,0,0,sales,medium -0.76,0.89,3,273,2,1,0,0,sales,medium -0.23,0.74,5,219,4,0,0,0,sales,medium -0.7,0.99,5,135,4,0,0,0,sales,medium -0.71,0.88,3,158,3,0,0,0,accounting,medium -0.32,0.37,3,167,3,0,0,0,accounting,medium -0.69,0.67,4,274,4,0,0,0,accounting,medium -0.66,0.59,3,145,3,0,0,0,hr,medium -0.7,0.67,6,233,6,0,0,0,hr,medium -0.91,0.76,3,159,3,0,0,0,hr,medium -0.2,0.7,4,221,5,0,0,0,hr,medium -0.72,0.83,3,132,2,0,0,0,technical,medium -0.74,0.93,5,140,3,0,0,0,technical,medium -0.53,0.79,3,206,3,0,0,0,technical,medium -0.99,0.92,4,229,2,0,0,0,technical,medium -0.75,0.85,4,272,4,0,0,0,technical,high -0.86,0.78,4,164,2,0,0,0,technical,low -0.93,0.86,4,145,3,0,0,0,technical,medium -0.81,0.95,3,212,3,0,0,0,technical,medium -0.49,0.67,3,254,2,1,0,0,technical,medium -0.97,0.72,5,260,4,0,0,0,technical,medium -0.62,0.89,3,201,3,0,0,0,technical,medium -0.75,0.79,4,176,4,1,0,0,support,medium -0.87,0.58,3,140,3,1,0,0,support,medium -0.93,0.65,5,201,3,0,0,0,support,medium -0.74,0.68,3,206,2,1,0,0,support,medium -0.68,0.57,3,197,3,1,0,0,support,medium -0.49,0.63,3,245,4,0,0,0,support,low -0.75,0.84,3,145,3,1,0,0,support,low -0.95,0.58,4,131,5,0,0,0,support,low -0.95,0.75,5,235,3,1,0,0,support,low -0.67,0.65,5,242,3,0,0,0,support,low -0.71,0.6,2,251,3,0,0,0,support,low -0.81,0.73,4,258,2,0,0,0,technical,low -0.79,0.36,3,114,3,0,0,0,technical,high -0.57,0.52,3,143,2,0,0,0,technical,low -0.85,0.65,3,187,2,0,0,0,management,high -0.15,0.78,5,255,3,0,0,0,IT,high -0.48,0.87,3,267,2,0,0,0,IT,low -0.92,0.91,4,247,3,0,0,0,IT,low -0.73,0.67,4,153,3,0,0,0,IT,high -0.68,0.71,3,237,3,0,0,0,IT,low -0.88,0.55,5,182,3,0,0,0,product_mng,medium -0.8,0.55,4,144,5,1,0,0,product_mng,high -0.66,0.9,3,176,2,1,0,0,product_mng,medium -0.19,0.8,5,203,6,0,0,0,product_mng,medium -0.3,0.53,3,148,4,0,0,0,IT,medium -0.8,0.8,3,175,2,0,0,0,RandD,medium -0.66,0.84,3,211,4,0,0,0,RandD,high -0.22,0.67,6,175,5,0,0,0,RandD,medium -0.57,0.59,4,206,3,0,0,0,RandD,medium -0.83,0.73,4,262,2,0,0,0,RandD,medium -0.57,0.5,4,177,2,0,0,0,marketing,high -0.78,0.54,3,134,3,0,0,0,sales,medium -0.88,0.89,2,201,3,0,0,0,accounting,high -0.48,0.69,3,105,3,0,0,0,support,low -0.91,0.82,4,259,3,0,0,0,technical,medium -0.3,0.97,3,171,4,1,0,0,management,medium -0.63,0.98,4,228,3,0,0,0,marketing,medium -0.62,0.36,2,137,4,1,0,0,marketing,medium -0.74,0.72,5,196,3,0,0,0,marketing,low -0.5,0.53,3,207,4,0,0,0,sales,low -0.36,0.74,6,280,3,0,0,0,sales,low -0.57,0.65,4,162,3,1,0,0,sales,low -0.73,0.55,4,267,3,0,0,0,sales,low -0.77,0.67,5,207,2,0,0,0,sales,low -0.86,0.5,4,196,2,0,0,0,sales,low -0.24,0.55,6,231,4,0,0,0,sales,low -0.83,0.62,4,242,3,0,0,0,sales,low -0.72,0.63,4,207,3,0,0,0,sales,low -0.52,0.82,4,206,2,1,0,0,sales,high -0.99,0.54,4,236,4,0,0,0,sales,low -0.15,0.68,5,246,2,0,0,0,sales,low -0.79,0.94,3,204,2,1,0,0,sales,low -0.19,0.91,3,268,4,0,0,0,sales,low -0.59,0.62,3,212,2,1,0,0,sales,high -0.15,0.74,6,178,3,0,0,0,sales,low -0.75,0.72,5,260,3,0,0,0,sales,low -0.47,0.71,2,241,4,0,0,0,sales,low -0.64,0.64,3,234,3,1,0,0,sales,high -0.66,0.76,3,207,2,0,0,0,accounting,low -0.8,0.91,5,242,3,1,0,0,accounting,medium -0.82,0.52,5,225,2,0,0,0,accounting,high -0.8,0.98,3,161,3,0,0,0,hr,medium -0.98,0.98,4,259,2,0,0,0,hr,high -0.95,0.96,3,250,3,0,0,0,hr,medium -0.88,0.61,3,236,3,0,0,0,hr,medium -0.9,0.97,4,239,4,0,0,0,technical,medium -0.66,0.83,4,266,3,1,0,0,technical,medium -0.99,0.62,5,133,3,0,0,0,technical,medium -0.86,0.95,5,275,2,0,0,0,technical,medium -0.96,0.95,5,189,2,0,0,0,technical,medium -1,0.63,5,171,3,0,0,0,technical,medium -0.46,0.38,6,140,3,0,0,0,technical,high -0.19,0.85,6,116,3,0,0,0,technical,low -0.73,0.6,3,145,6,1,0,0,technical,medium -0.63,0.5,4,167,3,1,0,0,technical,medium -0.68,0.89,4,227,3,0,0,0,technical,medium -0.78,0.96,4,245,3,0,0,0,support,medium -0.79,0.56,4,132,3,0,0,0,support,medium -0.86,0.99,3,254,2,0,0,0,support,medium -0.98,0.53,4,166,2,0,0,0,support,medium -0.89,0.79,2,208,3,1,0,0,support,medium -0.86,0.87,3,197,4,1,0,0,support,medium -0.65,0.83,4,263,3,1,0,0,support,high -0.52,0.98,4,272,2,0,0,0,support,low -0.54,0.65,3,147,3,1,0,0,support,low -0.68,0.73,4,197,3,0,0,0,support,low -0.88,0.65,3,268,2,0,0,0,support,high -0.75,0.85,4,181,3,0,0,0,technical,low -0.17,0.93,6,192,4,0,0,0,technical,low -0.92,0.83,5,270,3,0,0,0,technical,low -0.79,0.66,3,183,3,0,0,0,management,high -0.52,0.66,5,184,3,0,0,0,IT,low -0.95,0.73,4,238,3,1,0,0,IT,low -0.72,0.49,4,148,2,0,0,0,IT,low -0.4,0.41,4,127,3,0,0,0,IT,low -0.61,0.59,3,162,2,1,0,0,IT,low -0.49,0.97,4,166,5,0,0,0,product_mng,low -0.32,0.55,4,283,4,0,0,0,product_mng,low -0.82,0.77,3,108,6,0,0,0,product_mng,medium -0.9,0.79,3,154,2,0,0,0,product_mng,medium -0.95,0.74,3,139,2,0,0,0,IT,medium -0.55,0.6,5,271,3,1,0,0,RandD,medium -0.91,0.78,4,153,3,0,0,0,RandD,medium -0.45,0.41,3,216,6,1,0,0,RandD,medium -0.65,0.6,3,218,4,0,0,0,RandD,medium -0.88,0.89,3,171,2,0,0,0,RandD,medium -0.78,0.76,3,238,3,0,0,0,marketing,medium -0.77,0.71,3,134,3,0,0,0,marketing,medium -0.32,0.75,3,255,4,0,0,0,sales,medium -0.98,0.38,4,140,6,0,0,0,accounting,medium -0.51,0.76,2,239,3,0,0,0,support,high -0.81,0.59,4,187,2,0,0,0,technical,low -0.64,0.9,5,279,5,0,0,0,management,medium -0.73,0.94,4,213,3,1,0,0,marketing,medium -0.49,0.56,5,202,2,0,0,0,marketing,medium -0.84,0.54,3,265,2,0,0,0,marketing,medium -0.81,0.86,4,249,3,0,0,0,sales,low -0.77,0.5,4,281,2,0,0,0,sales,low -0.24,0.83,3,208,5,0,0,0,sales,low -0.77,0.78,3,165,2,0,0,0,sales,low -0.13,0.88,3,146,5,0,0,0,sales,low -0.94,0.66,4,230,2,0,0,0,sales,low -0.61,0.82,3,209,2,0,0,0,sales,low -0.95,0.49,4,178,2,0,0,0,sales,low -0.22,0.92,6,220,4,1,0,0,sales,low -0.65,0.56,3,142,3,0,0,0,sales,low -0.95,0.67,3,153,2,0,0,0,sales,low -0.98,0.62,5,254,5,1,0,0,sales,low -0.88,0.72,3,193,4,0,0,0,sales,low -0.94,0.69,3,248,3,0,0,0,sales,low -0.62,0.75,4,216,2,0,0,0,sales,low -0.81,0.96,3,226,3,0,0,0,sales,low -0.56,0.51,4,140,2,0,0,0,sales,low -0.52,0.86,6,103,4,0,0,0,sales,low -0.88,0.57,4,185,2,0,0,0,sales,low -0.56,0.92,5,160,3,0,0,0,accounting,low -0.36,0.63,3,130,5,0,0,0,accounting,low -0.56,0.85,5,230,3,0,0,0,accounting,medium -0.89,0.46,4,248,5,1,0,0,hr,medium -0.95,0.42,3,189,2,1,0,0,hr,medium -0.48,0.52,3,280,2,0,0,0,hr,medium -0.75,0.75,4,266,3,0,0,0,hr,medium -0.65,0.54,4,260,3,0,0,0,technical,medium -0.4,0.86,2,264,5,0,0,0,technical,medium -0.52,0.53,5,182,2,0,0,0,technical,medium -0.52,0.68,4,233,2,0,0,0,technical,medium -0.68,0.49,3,230,3,0,0,0,technical,medium -0.72,0.61,5,170,3,0,0,0,technical,medium -0.78,0.72,4,258,3,0,0,0,technical,medium -0.54,0.9,3,164,3,0,0,0,technical,high -0.18,0.46,4,249,4,0,0,0,technical,low -0.51,0.5,2,235,2,0,0,0,technical,medium -0.63,0.86,6,206,6,0,0,0,technical,medium -0.83,0.86,4,139,3,0,0,0,support,medium -0.91,0.82,3,145,3,1,0,0,support,medium -0.79,0.66,4,139,4,0,0,0,support,low -0.52,0.95,3,171,3,1,0,0,support,low -0.83,0.94,3,160,3,0,0,0,support,low -0.92,0.74,3,137,2,0,0,0,support,low -0.14,0.72,4,254,4,0,0,0,support,low -0.8,0.38,3,215,6,0,0,0,support,low -0.79,0.72,3,216,4,0,0,0,support,low -0.86,0.6,3,229,2,1,0,0,support,low -0.95,0.47,6,215,4,0,0,0,support,low -0.77,0.9,4,163,3,0,0,0,technical,low -0.55,0.72,4,273,3,0,0,0,technical,low -0.42,0.91,2,176,3,0,0,0,technical,low -0.79,0.86,5,270,2,0,0,0,management,low -0.41,0.48,3,182,2,0,0,0,IT,low -0.66,0.72,4,223,4,0,0,0,IT,low -1,0.65,4,237,3,0,0,0,IT,low -0.87,0.74,5,248,2,0,0,0,IT,low -0.51,0.99,3,233,4,0,0,0,IT,low -0.63,0.79,2,206,5,0,0,0,product_mng,low -0.86,0.86,4,227,2,0,0,0,product_mng,low -0.4,0.98,4,154,3,0,0,0,product_mng,low -0.79,0.97,6,113,2,1,0,0,product_mng,medium -0.7,0.9,4,254,3,0,0,0,IT,medium -0.49,0.91,5,231,3,0,0,0,RandD,medium -0.76,0.62,4,190,3,0,0,0,RandD,medium -0.89,0.52,3,190,3,0,0,0,RandD,medium -0.83,0.86,3,179,2,0,0,0,RandD,medium -0.19,0.69,4,269,6,0,0,0,RandD,medium -0.68,0.67,3,228,2,0,0,0,RandD,medium -0.62,0.68,4,251,4,0,0,0,marketing,medium -0.87,0.49,2,251,3,0,0,0,sales,medium -0.66,0.75,4,200,4,0,0,0,accounting,medium -0.37,0.41,2,146,2,0,0,0,support,medium -0.57,0.49,3,159,4,1,0,0,technical,high -0.66,0.81,5,135,2,0,0,0,management,low -0.63,0.88,5,260,3,0,0,0,marketing,medium -0.65,0.96,5,226,2,1,0,0,marketing,medium -0.33,0.85,2,127,3,0,0,0,marketing,medium -0.66,0.57,6,278,3,0,0,0,sales,medium -0.87,0.95,3,242,5,0,0,0,sales,low -0.85,0.85,3,182,3,0,0,0,sales,low -0.49,0.51,2,182,3,0,0,0,sales,low -0.87,0.8,4,197,3,0,0,0,sales,low -0.17,0.49,4,286,5,1,0,0,sales,low -0.55,0.46,4,226,5,0,0,0,sales,low -0.91,0.71,5,156,3,0,0,0,sales,low -0.96,0.62,5,185,3,0,0,0,sales,low -0.53,0.5,3,231,3,0,0,0,sales,low -0.25,0.59,4,166,5,0,0,0,sales,low -0.98,0.57,3,229,3,0,0,0,sales,low -0.83,0.36,4,242,3,0,0,0,sales,low -0.71,0.83,5,206,3,0,0,0,sales,low -0.74,0.77,4,206,3,0,0,0,sales,low -0.56,0.7,4,135,2,0,0,0,sales,low -0.23,0.9,5,234,3,1,0,0,sales,low -0.35,0.64,4,147,2,0,0,0,sales,low -0.48,0.98,4,174,3,0,0,0,sales,low -0.83,0.74,3,259,3,1,0,0,accounting,low -0.73,0.87,3,227,4,0,0,0,accounting,low -0.85,0.97,4,104,5,0,0,0,accounting,low -0.8,0.95,3,247,3,0,0,0,hr,medium -0.98,0.74,4,139,3,0,0,0,hr,medium -0.96,0.85,3,186,2,0,0,0,hr,medium -0.67,0.75,3,194,3,0,0,0,hr,medium -0.58,0.91,3,124,2,0,0,0,technical,medium -0.83,0.86,3,273,3,0,0,0,technical,medium -0.9,0.57,4,186,4,0,0,0,technical,medium -0.89,0.66,4,252,3,0,0,0,technical,medium -0.99,0.92,3,154,3,0,0,0,technical,medium -0.89,0.5,4,238,3,0,0,0,technical,medium -0.79,0.5,4,151,3,1,0,0,technical,medium -0.64,0.41,3,231,6,0,0,0,technical,medium -0.22,0.57,5,174,6,0,0,0,technical,high -0.94,0.6,5,278,2,0,0,0,technical,low -0.56,0.97,3,270,3,1,0,0,technical,medium -0.85,0.8,4,158,3,0,0,0,support,medium -0.8,0.62,3,191,3,0,0,0,support,medium -0.86,0.53,3,163,3,0,0,0,support,medium -0.96,1,5,152,4,0,0,0,support,low -0.51,0.61,4,251,2,1,0,0,support,low -0.73,0.95,3,149,2,0,0,0,support,low -0.31,0.75,4,220,3,0,0,0,support,low -0.62,0.51,4,175,3,0,0,0,support,low -0.55,0.91,3,179,3,1,0,0,support,low -0.51,0.8,4,257,2,0,0,0,support,low -0.54,0.54,3,196,3,0,0,0,support,low -0.65,0.95,3,190,3,0,0,0,technical,low -0.65,0.75,4,270,2,0,0,0,technical,low -0.9,0.64,5,226,2,0,0,0,technical,low -0.55,0.71,3,211,2,0,0,0,management,low -0.59,0.89,3,192,2,0,0,0,IT,low -0.34,0.67,5,96,2,1,0,0,IT,low -0.31,0.92,5,197,5,0,0,0,IT,low -0.83,0.71,3,243,2,1,0,0,IT,low -0.8,0.73,3,168,2,0,0,0,IT,low -0.66,0.85,5,271,4,0,0,0,product_mng,low -0.98,0.39,5,158,4,1,0,0,product_mng,medium -0.89,0.52,4,243,5,0,0,0,product_mng,medium -0.64,0.94,3,148,2,0,0,0,product_mng,medium -0.95,0.68,3,165,3,0,0,0,IT,medium -0.96,0.85,5,171,2,0,0,0,RandD,medium -0.96,0.82,5,164,2,0,0,0,RandD,medium -0.63,0.81,4,265,2,0,0,0,RandD,medium -0.83,0.71,4,196,2,0,0,0,RandD,medium -0.61,0.72,4,182,2,1,0,0,RandD,medium -0.89,0.66,3,272,3,0,0,0,RandD,medium -0.67,0.63,3,241,3,0,0,0,marketing,medium -0.61,1,5,139,2,0,0,0,sales,medium -0.58,0.77,3,180,2,0,0,0,accounting,high -0.56,0.76,4,206,2,1,0,0,support,low -0.13,0.49,6,227,4,0,0,0,technical,medium -0.39,1,5,204,5,1,0,0,management,medium -0.94,0.48,4,218,3,0,0,0,marketing,medium -0.63,0.61,3,205,2,0,0,0,marketing,medium -0.75,0.63,4,261,3,1,0,0,marketing,low -0.7,0.83,3,159,3,0,0,0,sales,low -0.28,0.83,4,162,3,0,0,0,sales,low -0.77,0.42,4,98,2,0,0,0,sales,low -0.79,0.64,4,263,2,0,0,0,sales,low -0.51,0.46,3,176,3,0,0,0,sales,low -0.96,0.99,4,233,3,0,0,0,sales,low -0.72,0.99,4,156,2,1,0,0,sales,low -0.97,1,3,198,2,0,0,0,sales,low -0.55,0.9,4,191,3,0,0,0,sales,low -0.32,0.45,2,188,3,0,0,0,sales,low -0.78,0.65,3,157,2,0,0,0,sales,low -0.17,0.57,5,286,3,0,0,0,sales,low -0.88,0.5,4,216,2,0,0,0,sales,low -0.97,0.5,3,188,3,1,0,0,sales,low -0.74,0.86,5,153,2,0,0,0,sales,low -0.26,0.45,5,187,2,0,0,0,sales,low -0.87,0.92,4,141,3,0,0,0,sales,low -0.29,0.47,5,139,4,0,0,0,sales,low -0.91,0.95,3,189,2,0,0,0,sales,low -0.71,0.77,3,193,3,1,0,0,accounting,low -0.6,0.63,3,182,3,0,0,0,accounting,medium -0.5,0.61,4,135,3,0,0,0,accounting,medium -0.49,0.85,4,238,2,0,0,0,hr,medium -0.53,0.92,3,199,2,0,0,0,hr,medium -0.42,0.38,2,115,3,0,0,0,hr,medium -0.53,0.82,3,133,3,0,0,0,hr,medium -0.34,0.62,4,158,2,0,0,0,technical,medium -0.68,0.51,5,158,3,0,0,0,technical,medium -0.56,0.77,5,238,4,0,0,0,technical,medium -0.72,0.71,3,242,2,0,0,0,technical,medium -0.76,0.55,4,250,3,0,0,0,technical,medium -0.87,0.57,4,175,2,0,0,0,technical,medium -0.97,0.63,3,270,4,1,0,0,technical,high -0.8,0.62,3,171,3,0,0,0,technical,low -0.67,0.81,5,175,6,1,0,0,technical,medium -0.6,0.97,5,145,2,0,0,0,technical,medium -0.88,0.5,3,170,3,0,0,0,technical,medium -0.64,0.74,3,267,2,0,0,0,support,medium -0.85,0.7,3,188,2,0,0,0,support,low -0.9,0.48,3,213,3,0,0,0,support,low -0.76,0.84,5,249,3,0,0,0,support,low -0.55,0.66,3,134,3,0,0,0,support,low -0.76,0.77,5,234,3,0,0,0,support,low -0.87,0.72,3,201,3,0,0,0,support,low -0.8,0.82,3,178,3,0,0,0,support,low -0.54,0.68,4,183,2,0,0,0,support,low -0.84,0.91,4,207,3,0,0,0,support,low -0.85,0.64,4,147,3,0,0,0,support,low -0.95,0.49,3,188,3,0,0,0,technical,low -0.48,0.56,3,229,3,0,0,0,technical,low -0.53,0.77,2,271,2,0,0,0,technical,low -0.8,0.82,4,175,2,0,0,0,management,low -0.4,0.46,2,109,3,0,0,0,IT,low -0.76,0.69,4,253,3,0,0,0,IT,low -0.99,0.64,3,174,4,0,0,0,IT,low -0.49,0.64,3,142,4,0,0,0,IT,low -0.94,0.71,3,175,3,0,0,0,IT,low -0.54,0.73,4,266,3,0,0,0,product_mng,low -0.13,0.93,4,253,5,1,0,0,product_mng,low -0.91,0.84,3,237,2,0,0,0,product_mng,medium -0.73,0.56,3,215,3,0,0,0,product_mng,medium -0.65,0.97,3,171,3,0,0,0,IT,medium -0.23,0.51,6,194,4,1,0,0,RandD,medium -0.23,0.88,5,238,6,0,0,0,RandD,medium -0.89,0.51,3,249,3,0,0,0,RandD,medium -0.81,0.8,3,183,2,1,0,0,RandD,medium -0.51,0.74,3,271,4,0,0,0,RandD,medium -0.35,0.81,6,256,3,0,0,0,RandD,medium -0.49,0.66,3,169,3,0,0,0,marketing,medium -0.51,0.8,3,254,2,0,0,0,sales,medium -0.66,0.86,4,112,6,0,0,0,accounting,medium -0.74,0.96,5,222,2,0,0,0,support,high -0.57,0.96,4,177,2,0,0,0,technical,low -0.8,0.74,5,181,4,1,0,0,management,medium -0.79,0.84,4,144,2,1,0,0,marketing,medium -0.74,0.94,4,255,4,0,0,0,marketing,medium -0.74,0.8,3,219,2,0,0,0,marketing,medium -0.4,1,6,206,2,0,0,0,sales,low -0.14,0.71,2,155,3,0,0,0,sales,low -0.83,0.87,5,248,3,0,0,0,sales,low -0.76,0.52,4,259,2,0,0,0,sales,low -0.8,0.8,3,271,4,0,0,0,sales,low -0.95,0.38,2,103,3,0,0,0,sales,low -0.88,0.76,4,159,4,1,0,0,sales,low -0.92,0.85,4,184,3,0,0,0,sales,low -0.16,0.88,4,201,6,0,0,0,sales,medium -0.7,0.63,3,157,4,0,0,0,sales,medium -0.71,0.93,3,287,5,0,0,0,sales,medium -0.52,0.82,2,242,3,0,0,0,sales,medium -0.49,0.58,5,246,3,1,0,0,sales,medium -0.5,0.57,3,219,3,0,0,0,sales,medium -0.86,0.94,3,212,3,0,0,0,sales,medium -0.49,0.99,5,262,2,1,0,0,sales,medium -0.69,0.91,4,128,3,1,0,0,sales,medium -0.96,1,3,231,6,0,0,0,sales,medium -0.87,0.54,3,260,2,0,0,0,sales,medium -0.36,0.4,3,160,3,0,0,0,accounting,medium -0.86,1,3,166,3,1,0,0,accounting,medium -0.79,0.74,4,222,2,0,0,0,accounting,medium -1,0.52,4,171,4,0,0,0,hr,medium -0.88,0.88,3,220,4,0,0,0,hr,medium -0.49,0.65,4,176,3,1,0,0,hr,medium -0.52,0.62,3,160,2,0,0,0,hr,medium -0.76,0.78,3,162,3,0,0,0,technical,medium -0.69,0.91,3,167,2,0,0,0,technical,medium -0.69,0.81,5,217,2,0,0,0,technical,medium -0.75,0.58,3,159,3,0,0,0,technical,medium -0.47,0.47,4,191,3,0,0,0,technical,medium -0.88,1,3,125,3,0,0,0,technical,medium -0.49,0.43,5,210,4,1,0,0,technical,medium -0.92,0.67,4,241,3,0,0,0,technical,high -0.24,0.48,4,145,3,1,0,0,technical,high -0.69,1,5,237,3,0,0,0,technical,high -0.81,0.57,4,213,4,0,0,0,technical,high -0.61,0.48,4,257,2,0,0,0,support,high -0.75,0.86,6,114,4,0,0,0,support,high -0.69,0.86,4,214,2,0,0,0,support,high -0.53,0.49,3,191,3,0,0,0,support,high -0.93,0.96,4,223,3,1,0,0,support,high -0.15,0.67,5,249,5,0,0,0,support,high -0.48,0.41,5,286,3,0,0,0,support,high -0.67,0.73,4,251,3,0,0,0,support,high -0.36,0.93,3,162,5,0,0,0,support,low -0.35,0.54,3,138,4,0,0,0,support,low -0.65,0.62,4,235,3,0,0,0,support,low -0.8,0.5,4,125,3,0,0,0,technical,low -0.97,0.96,5,210,6,1,0,0,technical,low -0.67,0.64,4,136,3,0,0,0,technical,low -0.58,0.78,3,223,3,0,0,0,management,low -0.61,0.67,3,188,5,0,0,0,IT,low -0.97,0.66,4,214,2,1,0,0,IT,low -0.87,0.97,4,160,3,0,0,0,IT,low -0.8,0.71,4,200,2,0,0,0,IT,low -0.91,0.55,3,223,3,0,0,0,IT,low -0.63,0.73,3,272,2,0,0,0,product_mng,low -0.79,0.96,4,170,2,0,0,0,product_mng,low -0.89,0.57,2,235,3,1,0,0,product_mng,low -1,0.87,3,274,3,0,0,0,product_mng,medium -0.6,0.73,5,203,2,0,0,0,IT,medium -0.7,0.8,4,236,2,0,0,0,RandD,medium -0.79,0.81,4,203,3,0,0,0,RandD,medium -0.88,0.72,4,249,3,1,0,0,RandD,medium -0.87,0.48,4,133,2,0,0,0,RandD,medium -0.52,0.58,3,203,2,0,0,0,RandD,medium -0.59,0.75,3,168,3,0,0,0,RandD,medium -0.64,0.75,4,172,4,0,0,0,marketing,medium -0.81,0.83,3,177,2,0,0,0,sales,medium -0.87,0.57,3,149,2,0,0,0,accounting,medium -0.74,0.61,3,231,2,0,0,0,support,medium -0.73,0.89,3,226,3,1,0,0,technical,high -0.97,0.58,4,187,4,1,0,0,management,high -0.54,0.81,3,145,2,0,0,0,marketing,high -0.59,0.55,4,138,2,0,0,0,marketing,high -0.99,0.95,3,153,4,0,0,0,marketing,high -0.79,0.75,4,168,3,0,0,0,sales,high -0.96,0.37,3,111,2,0,0,0,sales,high -0.54,0.67,3,154,2,0,0,0,sales,high -0.79,0.84,4,171,3,0,0,0,sales,low -0.64,0.79,3,253,2,0,0,0,sales,low -0.65,0.53,4,160,3,0,0,0,sales,low -0.87,0.86,3,196,4,0,0,0,sales,low -0.7,0.59,4,178,3,0,0,0,sales,low -0.89,0.81,3,268,3,0,0,0,sales,low -0.61,0.58,6,146,3,0,0,0,sales,low -0.9,0.49,4,185,2,0,0,0,sales,low -0.49,0.54,4,247,3,1,0,0,sales,medium -0.85,0.97,4,210,2,0,0,0,sales,medium -0.54,0.58,3,234,3,0,0,0,sales,medium -0.64,0.57,4,271,2,0,0,0,sales,medium -0.81,0.77,5,102,5,0,0,0,sales,medium -0.49,0.66,3,163,3,0,0,0,sales,medium -0.58,0.57,3,144,4,1,0,0,sales,medium -0.62,0.49,3,172,3,0,0,0,sales,medium -0.8,0.84,3,203,3,1,0,0,accounting,medium -0.64,0.64,3,192,3,1,0,0,accounting,medium -0.81,0.86,5,159,2,0,0,0,accounting,medium -0.8,0.74,3,159,2,0,0,0,hr,medium -0.92,0.81,4,206,2,0,0,0,hr,medium -0.66,0.98,4,225,2,1,0,0,hr,medium -0.79,0.89,3,252,2,0,0,0,hr,medium -0.74,0.54,6,113,3,0,0,0,technical,medium -0.79,0.74,3,238,2,0,0,0,technical,medium -0.87,0.94,3,217,3,0,0,0,technical,medium -0.49,0.57,4,145,2,0,0,0,technical,medium -0.3,0.44,5,128,4,1,0,0,technical,medium -0.85,0.89,4,177,3,0,0,0,technical,medium -0.61,0.97,4,256,4,0,0,0,technical,medium -0.68,0.55,3,182,3,1,0,0,technical,medium -0.67,0.67,4,226,2,0,0,0,technical,high -0.63,0.73,5,168,3,0,0,0,technical,low -0.63,0.94,4,145,3,0,0,0,technical,medium -0.5,0.88,4,172,4,0,0,0,support,medium -0.7,0.55,4,233,2,0,0,0,support,medium -0.18,0.46,5,202,4,0,0,0,support,medium -0.77,0.55,5,255,2,0,0,0,support,medium -0.78,0.61,3,257,3,0,0,0,support,medium -0.54,0.77,3,185,3,0,0,0,support,medium -0.9,0.69,3,231,4,0,0,0,support,medium -0.56,0.76,3,207,2,0,0,0,support,medium -0.63,0.81,3,215,3,0,0,0,support,medium -0.68,0.75,5,243,3,1,0,0,support,low -0.96,0.54,3,198,3,0,0,0,support,low -0.85,0.87,6,232,6,0,0,0,technical,low -0.82,0.66,4,150,3,0,0,0,technical,low -0.44,0.39,2,188,3,0,0,0,technical,low -0.86,0.97,4,155,3,0,0,0,management,low -0.56,0.68,3,109,3,0,0,0,IT,low -0.69,0.94,3,170,3,0,0,0,IT,high -0.91,0.85,5,214,2,0,0,0,IT,low -0.99,0.94,3,244,3,0,0,0,IT,high -0.76,0.84,5,137,4,0,0,0,IT,high -0.63,0.67,5,250,2,0,0,0,product_mng,low -0.21,0.62,4,247,3,1,0,0,product_mng,low -0.63,0.43,2,222,4,0,0,0,product_mng,high -0.58,0.51,2,100,2,0,0,0,product_mng,low -0.52,0.84,4,212,3,0,0,0,IT,medium -0.89,0.64,3,184,5,0,0,0,RandD,high -0.81,0.81,4,177,3,0,0,0,RandD,medium -0.62,0.73,3,138,3,0,0,0,RandD,medium -0.83,0.5,4,167,3,1,0,0,RandD,medium -0.85,0.99,3,201,3,0,0,0,RandD,medium -0.52,0.61,5,162,3,0,0,0,marketing,high -0.57,0.97,5,126,5,0,0,0,sales,medium -0.93,1,4,145,3,0,0,0,accounting,medium -0.78,0.89,3,211,3,0,0,0,support,medium -0.65,0.59,3,167,2,0,0,0,technical,high -0.42,0.74,5,256,6,0,0,0,management,medium -0.22,0.61,6,237,5,0,0,0,marketing,high -0.71,0.96,5,135,4,1,0,0,marketing,low -0.44,0.68,5,209,4,0,0,0,marketing,medium -0.6,0.52,4,190,3,0,0,0,sales,medium -0.68,0.61,3,134,4,0,0,0,sales,medium -0.53,0.41,2,148,2,1,0,0,sales,medium -0.8,0.82,4,202,3,0,0,0,sales,low -0.97,0.82,4,176,2,0,0,0,sales,low -0.47,0.47,2,221,6,0,0,0,sales,low -0.96,0.93,3,156,3,0,0,0,sales,low -0.81,0.45,6,98,3,0,0,0,sales,low -0.86,0.65,4,134,4,0,0,0,sales,low -0.59,0.82,4,203,4,1,0,0,sales,low -0.53,0.97,3,189,3,0,0,0,sales,low -0.57,0.86,3,258,2,0,0,0,sales,low -0.7,0.48,4,237,3,0,0,0,sales,low -0.58,0.59,4,224,3,0,0,0,sales,high -0.43,0.86,5,125,3,1,0,0,sales,low -0.92,0.82,4,207,4,0,0,0,sales,low -0.24,0.7,5,194,3,0,0,0,sales,low -0.67,0.52,3,273,3,0,0,0,sales,low -0.68,0.84,3,209,3,0,0,0,sales,high -0.54,0.75,3,181,3,0,0,0,accounting,low -0.73,0.63,3,172,4,1,0,0,accounting,low -0.59,0.41,4,139,3,0,0,0,accounting,low -0.22,0.64,6,260,4,0,0,0,hr,high -0.49,0.83,3,168,4,1,0,0,hr,low -0.91,1,6,242,3,1,0,0,hr,medium -0.18,0.97,4,206,3,0,0,0,hr,high -0.71,0.41,5,107,4,0,0,0,technical,medium -0.56,0.66,5,216,2,0,0,0,technical,high -0.84,0.62,4,152,3,0,0,0,technical,medium -0.59,0.49,5,122,5,0,0,0,technical,medium -0.88,0.62,4,138,3,0,0,0,technical,medium -0.8,0.52,3,182,2,0,0,0,technical,medium -0.53,0.63,3,205,2,0,0,0,technical,medium -0.53,0.83,3,267,4,0,0,0,technical,medium -0.3,0.67,3,150,2,0,0,0,technical,medium -0.91,0.7,4,134,2,0,0,0,technical,medium -0.32,0.66,5,116,5,1,0,0,technical,high -0.73,0.87,3,181,3,0,0,0,support,low -0.87,0.54,3,268,3,0,0,0,support,medium -0.57,0.73,3,129,3,0,0,0,support,medium -0.62,0.94,3,151,4,0,0,0,support,medium -0.55,0.91,3,243,4,0,0,0,support,medium -0.93,0.57,5,143,2,0,0,0,support,medium -0.3,0.47,6,156,2,1,0,0,support,medium -0.57,0.7,3,210,2,0,0,0,support,medium -0.9,0.85,4,279,6,0,0,0,support,medium -0.83,0.79,4,270,3,1,0,0,support,medium -0.38,0.64,5,160,3,0,0,0,support,high -0.97,0.95,4,173,2,0,0,0,technical,low -0.7,1,4,261,3,0,0,0,technical,low -0.26,0.73,4,178,6,0,0,0,technical,low -0.58,0.58,3,122,3,0,0,0,management,high -0.69,0.57,5,227,4,0,0,0,IT,low -0.88,0.6,2,168,3,0,0,0,IT,low -0.57,0.91,4,252,4,0,0,0,IT,low -0.94,0.8,5,170,4,0,0,0,IT,high -0.94,0.58,3,135,3,0,0,0,IT,low -0.46,0.49,5,286,5,0,0,0,product_mng,low -0.49,0.57,2,213,3,1,0,0,product_mng,low -0.96,1,5,148,3,0,0,0,product_mng,low -0.29,0.95,5,117,4,0,0,0,product_mng,low -0.94,0.69,3,164,2,0,0,0,IT,low -0.56,0.64,3,262,2,1,0,0,RandD,low -0.18,0.49,5,250,5,1,0,0,RandD,medium -0.84,0.83,4,222,3,0,0,0,RandD,medium -0.58,0.96,3,192,4,0,0,0,RandD,medium -0.21,0.6,5,151,6,0,0,0,RandD,medium -0.59,0.53,4,216,2,0,0,0,marketing,medium -0.66,0.65,3,234,2,0,0,0,marketing,medium -0.58,0.82,4,268,3,0,0,0,sales,medium -0.66,0.49,4,194,5,0,0,0,accounting,medium -0.56,0.78,3,200,2,0,0,0,support,medium -0.92,0.78,3,194,3,0,0,0,technical,medium -0.56,0.69,3,176,3,0,0,0,management,medium -0.57,0.59,4,158,3,0,0,0,marketing,medium -0.99,0.79,3,271,4,0,0,0,marketing,high -0.76,0.93,4,187,4,0,0,0,marketing,low -0.78,0.91,4,202,2,0,0,0,sales,medium -0.99,0.48,5,202,2,0,0,0,sales,medium -0.71,0.95,6,204,3,1,0,0,sales,medium -0.51,0.96,4,204,3,1,0,0,sales,medium -0.88,0.82,3,244,3,0,0,0,sales,low -0.96,0.83,3,234,3,0,0,0,sales,low -0.9,0.64,4,217,3,0,0,0,sales,low -0.77,0.51,4,142,4,0,0,0,sales,low -0.95,0.5,4,186,3,1,0,0,sales,low -0.85,0.67,3,267,2,1,0,0,sales,low -0.46,0.79,2,108,3,0,0,0,sales,low -0.57,0.95,3,274,4,0,0,0,sales,low -0.93,1,3,148,4,0,0,0,sales,low -0.78,0.68,5,168,3,0,0,0,sales,low -0.68,1,4,185,2,1,0,0,sales,low -0.83,0.78,3,257,2,0,0,0,sales,low -0.56,0.51,5,256,4,1,0,0,sales,low -0.93,0.78,2,188,2,0,0,0,sales,low -0.13,0.53,6,173,4,0,0,0,sales,low -0.71,0.99,5,208,2,1,0,0,accounting,low -0.98,0.74,4,202,3,0,0,0,accounting,low -0.83,0.82,3,134,3,0,0,0,accounting,low -0.78,0.65,3,154,2,0,0,0,hr,low -0.35,0.58,3,103,3,0,0,0,hr,low -0.67,0.55,4,256,6,0,0,0,hr,low -0.86,0.88,4,274,3,0,0,0,hr,medium -0.33,0.61,2,163,3,0,0,0,technical,medium -0.3,0.86,6,232,3,0,0,0,technical,medium -0.75,0.63,4,268,3,0,0,0,technical,medium -0.8,0.98,3,209,3,0,0,0,technical,medium -0.98,0.53,5,238,3,0,0,0,technical,medium -0.72,0.48,3,155,2,0,0,0,technical,medium -0.82,0.52,5,270,3,0,0,0,technical,medium -0.91,0.59,3,134,2,1,0,0,technical,medium -0.84,0.78,3,221,3,1,0,0,technical,medium -0.95,0.74,4,258,3,0,0,0,technical,medium -0.53,0.51,6,272,5,0,0,0,technical,medium -0.5,0.5,4,184,3,0,0,0,support,high -0.36,0.95,6,276,2,0,0,0,support,low -0.33,0.38,4,186,3,0,0,0,support,medium -0.38,0.47,3,189,5,0,0,0,support,medium -0.7,0.9,3,224,3,0,0,0,support,medium -0.44,0.45,6,237,6,0,0,0,support,medium -0.32,0.66,3,144,2,0,0,0,support,low -0.63,0.93,6,171,3,1,0,0,support,low -0.56,0.54,3,232,2,0,0,0,support,low -0.56,0.78,4,193,2,1,0,0,support,low -0.81,0.78,3,166,2,0,0,0,support,low -0.89,0.75,3,167,2,0,0,0,technical,low -0.63,0.87,2,101,3,0,0,0,technical,low -0.64,0.66,5,266,3,0,0,0,technical,low -0.46,0.53,3,135,2,0,0,0,management,low -0.76,0.56,4,137,3,0,0,0,IT,low -0.99,0.71,3,191,3,0,0,0,IT,low -0.85,0.76,4,262,2,0,0,0,IT,low -0.78,0.99,3,174,3,0,0,0,IT,low -0.91,0.56,4,241,2,0,0,0,IT,low -0.16,0.57,5,144,4,1,0,0,product_mng,low -0.71,0.57,3,218,3,0,0,0,product_mng,low -0.92,0.68,5,210,2,0,0,0,product_mng,low -0.21,0.98,6,208,5,1,0,0,product_mng,low -0.74,0.6,3,232,3,0,0,0,IT,low -0.76,0.6,3,140,2,0,0,0,RandD,low -0.62,0.95,3,189,4,0,0,0,RandD,low -1,0.61,5,264,3,0,0,0,RandD,medium -0.67,0.54,5,157,2,0,0,0,RandD,medium -0.81,0.87,4,161,2,0,0,0,RandD,medium -0.84,0.69,4,149,3,0,0,0,marketing,medium -0.84,0.99,3,144,4,0,0,0,sales,medium -0.97,0.97,4,242,2,0,0,0,accounting,medium -0.7,0.5,6,214,5,0,0,0,support,medium -0.52,0.74,4,174,3,0,0,0,technical,medium -0.46,0.88,5,169,3,0,0,0,management,medium -1,0.87,4,268,2,0,0,0,marketing,medium -0.91,0.58,3,257,3,0,0,0,marketing,medium -0.16,0.69,4,187,5,0,0,0,marketing,medium -0.58,0.62,5,270,2,0,0,0,sales,high -0.75,0.61,5,173,4,0,0,0,sales,low -0.96,0.62,6,193,4,0,0,0,sales,medium -0.92,0.78,4,212,2,0,0,0,sales,medium -0.35,0.63,3,156,3,0,0,0,sales,medium -0.56,0.96,3,244,3,0,0,0,sales,medium -0.27,0.96,3,255,4,0,0,0,sales,low -0.66,0.72,5,152,3,1,0,0,sales,low -0.66,0.98,4,163,3,1,0,0,sales,low -0.98,0.69,3,150,2,0,0,0,sales,low -0.51,0.58,4,169,2,0,0,0,sales,low -0.51,0.83,3,133,3,0,0,0,sales,low -0.53,0.94,4,202,3,1,0,0,sales,low -0.69,0.7,4,169,2,0,0,0,sales,low -0.66,0.74,4,270,2,1,0,0,sales,low -0.89,0.76,3,251,2,1,0,0,sales,low -0.74,0.64,3,267,5,0,0,0,sales,low -0.82,0.75,4,224,3,0,0,0,sales,low -0.66,0.9,3,250,2,0,0,0,sales,low -0.59,0.97,3,258,2,0,0,0,accounting,low -0.13,0.65,2,209,5,0,0,0,accounting,low -0.68,0.74,4,215,3,0,0,0,accounting,low -0.5,0.81,3,183,3,0,0,0,hr,low -0.6,0.82,3,143,3,0,0,0,hr,low -0.87,0.98,3,174,3,0,0,0,hr,low -0.51,0.89,6,170,4,0,0,0,hr,low -0.78,0.63,3,202,2,0,0,0,technical,low -0.66,0.96,4,160,2,0,0,0,technical,medium -0.72,0.73,5,211,2,0,0,0,technical,medium -0.57,0.98,3,236,3,1,0,0,technical,medium -0.5,0.49,4,236,3,0,0,0,technical,medium -0.72,0.62,4,252,2,1,0,0,technical,medium -0.41,0.48,3,155,2,1,0,0,technical,medium -0.55,0.65,5,138,2,0,0,0,technical,medium -0.49,0.94,4,195,3,1,0,0,technical,medium -0.8,0.94,3,150,3,0,0,0,technical,medium -0.78,0.51,3,172,3,0,0,0,technical,medium -0.69,0.56,3,240,2,0,0,0,support,medium -0.83,0.98,3,229,6,0,0,0,support,medium -0.89,0.73,3,169,3,0,0,0,support,high -0.94,0.82,3,246,3,0,0,0,support,low -0.51,0.53,4,260,2,1,0,0,support,medium -0.89,0.9,4,101,6,0,0,0,support,medium -0.99,0.69,3,190,3,0,0,0,support,medium -0.79,0.66,3,154,4,0,0,0,support,medium -0.98,0.97,4,196,4,0,0,0,support,low -0.98,0.97,3,209,3,0,0,0,support,low -0.97,0.67,4,223,3,0,0,0,support,low -0.71,0.71,4,221,3,0,0,0,technical,low -0.49,0.6,4,141,3,0,0,0,technical,low -0.72,0.71,3,135,3,0,0,0,technical,low -0.58,0.61,2,191,3,1,0,0,management,low -0.65,1,4,195,3,0,0,0,IT,low -0.18,0.55,5,217,4,0,0,0,IT,low -0.83,0.99,4,184,3,0,0,0,IT,low -0.2,0.76,5,188,3,0,0,0,IT,low -0.96,0.93,6,240,6,0,0,0,IT,low -0.59,0.69,4,226,3,0,0,0,product_mng,low -0.97,0.99,3,196,3,0,0,0,product_mng,low -0.14,0.99,6,251,4,0,0,0,product_mng,low -0.75,0.96,4,150,2,0,0,0,product_mng,low -0.71,0.63,3,249,3,0,0,0,IT,low -0.84,0.52,4,251,3,0,0,0,RandD,low -0.57,0.75,5,252,3,0,0,0,RandD,medium -0.46,0.55,5,261,5,0,0,0,RandD,medium -0.77,0.94,4,225,2,0,0,0,RandD,medium -0.44,0.65,2,151,3,0,0,0,RandD,medium -0.68,0.59,4,147,2,0,0,0,marketing,medium -0.94,0.58,4,159,3,0,0,0,sales,medium -0.73,0.91,4,241,2,1,0,0,accounting,medium -0.51,0.5,5,176,5,0,0,0,support,medium -0.93,0.87,4,218,4,0,0,0,technical,medium -0.74,1,4,219,3,0,0,0,management,medium -0.82,0.9,3,227,3,0,0,0,marketing,medium -0.86,0.91,4,182,2,0,0,0,marketing,medium -0.99,0.86,4,196,2,1,0,0,marketing,high -0.58,0.86,4,257,3,0,0,0,sales,low -0.96,0.6,5,182,5,0,0,0,sales,medium -0.72,0.67,4,192,3,0,0,0,sales,medium -0.23,0.94,4,142,4,0,0,0,sales,medium -0.99,0.79,4,172,2,0,0,0,sales,medium -0.95,0.58,4,188,3,0,0,0,sales,low -0.75,0.55,5,281,3,1,0,0,sales,low -0.95,0.54,4,255,2,0,0,0,sales,low -0.97,0.84,3,223,3,0,0,0,sales,low -0.98,0.86,2,219,4,0,0,0,sales,low -0.79,0.98,3,195,2,0,0,0,sales,low -0.54,0.91,2,156,3,0,0,0,sales,low -0.51,0.51,5,259,4,0,0,0,sales,low -0.83,0.91,4,266,3,1,0,0,sales,low -0.6,0.7,3,147,2,0,0,0,sales,low -0.58,0.83,4,207,3,0,0,0,sales,low -0.55,0.68,3,185,2,0,0,0,sales,low -0.5,0.64,5,195,2,0,0,0,sales,low -0.46,0.41,6,148,4,0,0,0,sales,low -0.61,0.82,3,157,2,0,0,0,accounting,low -0.91,0.98,4,146,3,0,0,0,accounting,low -0.5,0.94,3,262,4,0,0,0,accounting,low -0.75,0.82,3,169,3,0,0,0,hr,low -0.74,0.87,3,192,3,1,0,0,hr,low -0.62,0.53,4,147,2,0,0,0,hr,low -0.87,0.76,5,254,2,1,0,0,hr,low -0.13,0.72,3,244,4,0,0,0,technical,medium -0.71,0.43,2,100,6,0,0,0,technical,medium -0.7,0.9,3,173,2,0,0,0,technical,medium -0.32,0.87,2,197,2,1,0,0,technical,medium -0.84,0.72,3,256,4,0,0,0,technical,medium -0.79,0.87,4,253,2,0,0,0,technical,medium -0.97,0.64,4,152,2,0,0,0,technical,medium -0.76,0.58,5,136,3,0,0,0,technical,medium -0.97,0.63,3,141,3,0,0,0,technical,medium -0.53,0.4,5,212,3,1,0,0,technical,medium -0.61,0.57,4,144,3,0,0,0,technical,medium -0.94,0.89,2,118,4,0,0,0,support,medium -0.52,0.79,5,265,3,1,0,0,support,high -0.91,0.67,3,143,3,0,0,0,support,low -0.52,0.63,3,230,2,0,0,0,support,medium -0.59,0.68,5,243,2,0,0,0,support,medium -0.61,0.71,3,152,4,1,0,0,support,medium -0.78,0.78,3,252,3,0,0,0,support,medium -0.44,0.67,3,113,2,0,0,0,support,low -0.8,0.97,4,259,2,0,0,0,support,low -0.54,0.6,4,139,5,0,0,0,support,low -0.96,0.91,4,228,3,1,0,0,support,low -0.98,0.49,4,214,3,0,0,0,technical,low -0.83,0.91,4,210,4,0,0,0,technical,low -0.64,0.89,4,146,3,0,0,0,technical,low -0.51,0.78,3,155,2,0,0,0,management,low -0.31,0.42,2,169,5,0,0,0,IT,low -0.53,0.68,3,258,3,0,0,0,IT,low -0.81,0.53,3,258,2,0,0,0,IT,low -0.17,0.85,3,168,4,0,0,0,IT,low -0.72,0.98,3,211,2,0,0,0,IT,low -0.49,0.49,2,245,3,0,0,0,product_mng,low -0.81,0.95,3,204,2,0,0,0,product_mng,low -0.75,0.98,2,161,3,0,0,0,product_mng,low -0.74,0.73,3,267,3,0,0,0,product_mng,low -0.82,0.73,3,183,3,0,0,0,IT,low -0.36,0.4,2,105,3,0,0,0,RandD,low -0.89,0.55,3,260,2,0,0,0,RandD,low -0.78,0.87,3,183,4,0,0,0,RandD,low -0.81,0.56,4,262,3,0,0,0,RandD,medium -0.61,0.78,4,244,4,0,0,0,RandD,medium -0.23,0.96,4,242,6,0,0,0,marketing,medium -0.73,1,4,146,3,0,0,0,sales,medium -0.4,0.65,4,252,6,0,0,0,accounting,medium -0.99,0.63,5,229,2,0,0,0,support,medium -0.62,0.54,4,170,3,0,0,0,technical,medium -0.61,0.93,3,250,4,0,0,0,management,medium -0.9,0.98,2,243,3,0,0,0,marketing,medium -0.93,0.67,4,135,3,1,0,0,marketing,medium -0.52,0.75,4,266,3,0,0,0,marketing,medium -0.77,0.72,4,223,3,0,0,0,sales,medium -0.59,0.76,4,234,3,0,0,0,sales,high -0.51,0.59,4,187,3,0,0,0,sales,low -0.67,0.95,3,229,3,0,0,0,sales,medium -0.95,0.65,3,155,2,1,0,0,sales,medium -0.75,0.76,3,246,3,0,0,0,sales,medium -0.54,0.61,3,152,3,0,0,0,sales,medium -0.45,0.71,2,172,2,0,0,0,sales,low -0.66,0.66,4,255,5,0,0,0,sales,low -0.36,0.69,3,98,2,0,0,0,sales,low -0.3,0.47,6,141,6,0,0,0,sales,low -0.61,0.63,4,146,4,1,0,0,sales,low -0.71,0.7,4,213,3,0,0,0,sales,low -0.6,0.99,4,160,3,0,0,0,sales,low -0.19,0.61,3,272,4,0,0,0,sales,low -0.91,1,4,125,4,0,0,0,sales,medium -0.98,0.69,3,152,2,0,0,0,sales,medium -0.9,0.78,3,162,2,0,0,0,sales,medium -0.73,0.94,3,251,6,0,0,0,sales,medium -0.52,0.56,3,225,3,0,0,0,accounting,medium -0.77,0.56,3,236,3,1,0,0,accounting,medium -0.98,0.62,3,203,2,0,0,0,accounting,medium -0.79,0.5,4,252,3,1,0,0,hr,medium -0.73,0.91,3,135,2,0,0,0,hr,medium -0.97,0.95,3,257,2,0,0,0,hr,medium -0.38,0.6,5,145,5,0,0,0,hr,medium -0.59,0.48,5,267,3,0,0,0,technical,medium -0.73,0.79,4,208,5,0,0,0,technical,medium -0.84,0.53,4,206,3,0,0,0,technical,medium -0.61,0.59,4,247,2,0,0,0,technical,medium -0.79,0.78,2,228,2,0,0,0,technical,medium -0.73,0.91,4,248,2,1,0,0,technical,medium -0.22,0.9,4,209,5,0,0,0,technical,medium -0.84,0.52,5,171,3,0,0,0,technical,medium -0.21,0.85,6,221,5,0,0,0,technical,medium -0.44,0.69,2,173,2,0,0,0,technical,medium -0.2,0.52,5,218,5,0,0,0,technical,medium -0.51,0.86,4,223,3,1,0,0,support,medium -0.55,0.98,3,169,2,0,0,0,support,medium -0.24,0.38,6,109,2,0,0,0,support,medium -0.65,0.77,4,273,2,0,0,0,support,high -0.44,0.42,3,178,3,0,0,0,support,high -0.98,0.67,4,189,4,0,0,0,support,high -0.69,0.8,5,203,2,1,0,0,support,high -0.71,0.56,3,177,4,0,0,0,support,high -0.54,0.71,5,253,2,1,0,0,support,high -0.77,0.98,3,273,3,0,0,0,support,high -0.53,0.43,2,139,3,0,0,0,support,high -0.64,0.72,3,185,2,1,0,0,technical,high -0.69,0.59,5,182,4,0,0,0,technical,high -0.93,0.71,5,270,2,0,0,0,technical,high -0.58,0.65,3,139,4,0,0,0,management,high -0.33,0.46,5,261,6,1,0,0,IT,low -0.95,0.57,3,238,3,0,0,0,IT,low -0.65,0.9,3,241,3,0,0,0,IT,low -0.9,0.7,3,223,2,0,0,0,IT,low -0.59,0.8,3,258,3,1,0,0,IT,low -0.88,0.55,4,205,4,0,0,0,product_mng,low -0.63,0.83,4,243,4,0,0,0,product_mng,low -0.53,0.61,4,198,2,0,0,0,product_mng,low -0.63,0.64,4,178,3,0,0,0,product_mng,low -0.96,0.76,4,158,3,0,0,0,IT,low -0.7,0.73,3,194,2,0,0,0,RandD,low -0.73,0.36,4,253,2,1,0,0,RandD,low -0.94,0.8,4,228,2,0,0,0,RandD,low -0.82,0.58,5,227,3,0,0,0,RandD,low -0.44,0.63,3,162,2,0,0,0,RandD,low -0.58,0.9,5,257,3,0,0,0,marketing,medium -0.55,0.97,2,140,2,0,0,0,sales,medium -0.92,0.84,3,164,2,0,0,0,accounting,medium -0.91,0.59,4,177,4,0,0,0,support,medium -0.69,0.61,4,260,4,0,0,0,technical,medium -0.23,0.7,4,233,2,0,0,0,management,medium -0.21,0.81,4,227,5,0,0,0,marketing,medium -0.51,0.6,4,140,3,0,0,0,marketing,medium -0.73,0.74,3,254,4,1,0,0,marketing,medium -0.65,0.67,3,245,3,0,0,0,sales,medium -0.64,0.48,2,157,2,0,0,0,sales,medium -0.77,0.49,3,265,3,0,0,0,sales,medium -0.71,0.79,4,261,3,0,0,0,sales,high -0.2,0.38,6,212,6,0,0,0,sales,high -0.99,0.57,4,216,3,0,0,0,sales,high -0.77,0.57,4,238,3,0,0,0,sales,high -0.8,0.56,2,204,3,0,0,0,sales,high -0.97,0.5,4,216,2,0,0,0,sales,high -0.89,0.53,4,208,3,0,0,0,sales,high -0.97,0.7,4,218,2,0,0,0,sales,high -0.23,0.99,5,176,4,1,0,0,sales,low -0.6,0.75,4,144,2,0,0,0,sales,low -0.52,0.63,5,241,3,0,0,0,sales,low -0.86,0.63,3,271,2,0,0,0,sales,low -0.86,0.95,4,184,3,0,0,0,sales,low -0.76,0.58,3,262,2,0,0,0,sales,low -0.79,0.77,6,233,6,0,0,0,sales,low -0.35,0.52,3,155,3,0,0,0,sales,low -1,0.97,5,141,2,0,0,0,accounting,medium -0.2,0.8,6,251,5,0,0,0,accounting,medium -0.57,0.62,5,141,3,0,0,0,accounting,medium -0.23,0.46,4,274,5,1,0,0,hr,medium -0.82,0.97,3,160,2,0,0,0,hr,medium -0.98,0.8,3,166,2,0,0,0,hr,medium -0.52,0.7,4,219,3,0,0,0,hr,medium -0.96,0.61,4,158,6,0,0,0,technical,medium -0.69,0.64,4,190,4,0,0,0,technical,medium -0.92,0.77,5,191,2,0,0,0,technical,medium -0.91,0.43,4,117,5,1,0,0,technical,medium -0.85,0.96,4,240,6,0,0,0,technical,medium -0.91,0.77,4,239,2,0,0,0,technical,medium -0.79,0.55,4,145,3,0,0,0,technical,medium -0.74,0.95,3,157,4,0,0,0,technical,medium -0.73,0.72,3,166,3,0,0,0,technical,medium -0.55,0.98,4,137,2,0,0,0,technical,medium -0.79,0.97,5,208,4,1,0,0,technical,medium -0.53,0.51,4,174,2,0,0,0,support,medium -0.7,0.6,3,267,3,0,0,0,support,medium -0.74,0.56,3,125,6,0,0,0,support,medium -0.95,0.76,4,220,3,0,0,0,support,medium -0.49,0.57,4,141,3,0,0,0,support,medium -0.79,0.9,5,146,3,1,0,0,support,high -0.99,0.86,3,166,2,0,0,0,support,low -0.56,0.79,4,197,2,0,0,0,support,medium -0.7,0.79,4,240,2,0,0,0,support,medium -0.93,0.65,4,258,3,0,0,0,support,medium -0.46,0.66,6,229,3,0,0,0,support,medium -0.24,0.61,5,252,4,0,0,0,technical,medium -0.32,0.41,3,138,3,1,0,0,technical,medium -0.5,0.78,4,208,3,1,0,0,technical,medium -0.58,0.72,3,113,3,1,0,0,management,medium -0.83,0.81,4,209,4,0,0,0,IT,medium -0.57,0.42,2,248,4,0,0,0,IT,medium -0.51,0.83,5,161,3,0,0,0,IT,low -0.65,0.96,2,246,2,1,0,0,IT,low -0.52,0.41,3,283,3,0,0,0,IT,low -0.77,0.7,3,145,2,0,0,0,product_mng,low -0.42,0.77,3,270,3,0,0,0,product_mng,low -0.68,0.79,4,273,4,0,0,0,product_mng,low -0.83,0.92,4,187,6,1,0,0,product_mng,low -0.66,0.63,3,166,3,0,0,0,IT,high -0.75,0.57,3,158,2,1,0,0,RandD,low -0.65,0.48,4,229,3,0,0,0,RandD,high -0.49,0.6,3,191,3,1,0,0,RandD,high -0.77,0.96,3,232,2,1,0,0,RandD,low -0.65,0.97,3,198,3,0,0,0,RandD,low -0.65,0.49,5,238,4,0,0,0,marketing,high -0.44,0.58,2,157,2,0,0,0,sales,low -0.61,0.72,4,134,2,0,0,0,accounting,medium -0.98,0.89,3,150,3,0,0,0,support,high -0.68,0.88,5,256,2,0,0,0,technical,medium -0.58,0.5,3,208,3,0,0,0,management,medium -0.81,0.92,3,136,3,0,0,0,marketing,medium -0.76,0.5,4,136,3,0,0,0,marketing,medium -0.14,0.93,4,180,4,0,0,0,marketing,high -0.49,0.91,3,227,3,0,0,0,sales,medium -0.97,0.78,5,156,3,0,0,0,sales,medium -0.91,0.6,4,133,4,1,0,0,sales,medium -0.15,0.98,2,96,2,0,0,0,sales,high -0.82,0.63,3,171,3,0,0,0,sales,medium -0.67,0.87,3,177,4,0,0,0,sales,high -0.5,0.96,4,274,3,0,0,0,sales,low -0.57,0.39,2,145,3,0,0,0,sales,medium -0.99,0.94,5,221,2,0,0,0,sales,medium -0.97,0.94,3,202,2,0,0,0,sales,medium -0.93,0.58,5,238,2,0,0,0,sales,medium -0.62,0.6,4,170,2,0,0,0,sales,low -0.62,0.51,4,208,2,1,0,0,sales,low -0.96,0.61,4,199,3,0,0,0,sales,low -0.98,0.96,4,253,3,0,0,0,sales,low -0.52,0.57,4,239,3,0,0,0,sales,low -0.56,0.77,5,279,4,0,0,0,sales,low -0.14,0.41,6,114,3,0,0,0,sales,low -0.29,0.38,6,105,5,0,0,0,sales,low -0.76,0.81,4,193,3,1,0,0,accounting,low -0.39,0.58,3,152,3,1,0,0,accounting,low -0.96,0.72,4,228,2,0,0,0,accounting,high -0.84,0.93,3,242,4,0,0,0,hr,low -0.81,0.62,4,197,3,0,0,0,hr,low -0.51,0.51,5,222,4,0,0,0,hr,low -0.87,0.75,3,222,3,0,0,0,hr,low -0.94,0.77,5,233,4,0,0,0,technical,high -0.69,0.97,4,264,3,0,0,0,technical,low -0.44,0.53,3,132,3,1,0,0,technical,low -0.85,0.55,5,182,3,0,0,0,technical,low -0.18,0.86,6,264,3,0,0,0,technical,high -0.91,0.74,6,253,2,0,0,0,technical,low -0.81,0.83,3,193,3,0,0,0,technical,medium -0.82,0.59,5,143,2,1,0,0,technical,high -0.48,0.79,3,180,2,0,0,0,technical,medium -0.92,0.84,3,220,3,1,0,0,technical,high -0.94,0.88,5,150,4,0,0,0,technical,medium -1,0.56,3,182,3,0,0,0,support,medium -0.96,0.91,3,257,3,0,0,0,support,medium -0.24,0.74,3,269,4,1,0,0,support,medium -0.62,0.89,5,243,3,0,0,0,support,medium -0.55,0.76,4,257,3,0,0,0,support,medium -0.82,0.52,5,233,2,0,0,0,support,medium -0.62,0.56,4,267,4,0,0,0,support,medium -0.61,0.69,4,160,2,1,0,0,support,high -0.72,0.52,3,143,4,1,0,0,support,low -0.45,0.76,4,143,2,1,0,0,support,medium -0.51,0.93,3,162,4,0,0,0,support,medium -0.42,0.53,3,181,5,0,0,0,technical,medium -0.69,0.64,3,286,3,0,0,0,technical,medium -0.61,0.66,2,111,3,0,0,0,technical,medium -0.5,0.98,5,177,4,0,0,0,management,medium -0.25,0.68,4,279,5,1,0,0,IT,medium -0.88,0.89,4,135,3,0,0,0,IT,medium -0.81,0.66,3,160,2,0,0,0,IT,medium -0.75,0.77,3,178,4,0,0,0,IT,high -0.77,0.8,3,147,3,0,0,0,IT,low -0.55,0.72,3,204,2,0,0,0,product_mng,low -0.7,0.73,5,151,2,0,0,0,product_mng,low -0.96,0.78,3,209,2,0,0,0,product_mng,high -0.18,0.73,6,225,4,0,0,0,product_mng,low -0.22,0.62,6,142,3,0,0,0,IT,low -0.95,0.49,3,158,2,0,0,0,RandD,low -0.37,0.71,2,139,4,0,0,0,RandD,high -0.84,0.45,3,263,2,0,0,0,RandD,low -0.8,0.68,3,160,3,0,0,0,RandD,low -0.57,0.55,2,173,2,0,0,0,RandD,low -0.98,0.63,3,169,2,0,0,0,marketing,low -0.95,0.62,3,161,3,0,0,0,sales,low -0.8,0.65,4,172,3,1,0,0,accounting,low -0.52,0.7,3,257,3,0,0,0,support,low -0.31,0.62,2,139,3,0,0,0,technical,medium -0.71,0.59,5,245,2,0,0,0,management,medium -0.71,0.85,3,260,3,0,0,0,marketing,medium -0.5,0.96,5,229,4,0,0,0,marketing,medium -0.95,0.9,2,129,5,0,0,0,marketing,medium -0.95,0.77,3,184,4,0,0,0,sales,medium -0.65,0.85,4,204,3,0,0,0,sales,medium -0.94,0.72,3,152,2,1,0,0,sales,medium -0.72,0.85,4,142,3,0,0,0,sales,medium -0.94,0.79,4,136,2,0,0,0,sales,medium -0.79,0.94,4,216,4,0,0,0,sales,medium -0.6,0.58,3,201,3,0,0,0,sales,medium -0.62,0.76,4,163,3,0,0,0,sales,high -0.94,0.74,4,224,5,0,0,0,sales,low -0.24,0.5,4,209,3,0,0,0,sales,medium -0.17,0.71,5,257,4,1,0,0,sales,medium -0.66,0.83,4,234,4,0,0,0,sales,medium -0.65,0.56,3,221,2,0,0,0,sales,medium -0.51,0.62,2,186,2,0,0,0,sales,low -0.41,0.75,4,199,3,0,0,0,sales,low -0.98,0.99,3,235,3,0,0,0,sales,low -0.96,0.55,5,211,2,0,0,0,sales,low -0.55,0.97,4,136,4,0,0,0,sales,low -0.99,0.71,4,155,3,0,0,0,sales,low -0.51,0.98,4,269,3,0,0,0,accounting,low -0.74,0.9,3,285,3,0,0,0,accounting,low -0.81,0.87,5,241,3,0,0,0,accounting,low -0.51,0.87,3,180,4,0,0,0,hr,low -0.53,0.55,5,224,2,1,0,0,hr,low -0.67,0.48,6,107,2,1,0,0,hr,low -0.68,0.64,2,167,2,0,0,0,hr,low -0.69,0.63,3,137,3,0,0,0,technical,low -0.71,0.65,4,239,3,0,0,0,technical,low -0.64,0.56,3,239,3,0,0,0,technical,low -0.62,0.58,3,148,2,1,0,0,technical,low -0.81,0.5,4,231,3,1,0,0,technical,low -0.84,0.54,4,179,2,0,0,0,technical,low -1,0.67,3,181,2,0,0,0,technical,low -0.72,0.73,5,184,4,1,0,0,technical,low -0.57,0.67,3,207,2,0,0,0,technical,medium -0.73,0.99,4,152,4,0,0,0,technical,medium -0.91,0.59,4,133,4,0,0,0,technical,medium -0.98,0.85,4,178,3,0,0,0,support,medium -0.58,0.95,4,173,3,0,0,0,support,medium -0.73,0.52,2,113,5,1,0,0,support,medium -0.96,0.95,3,236,2,0,0,0,support,medium -0.57,0.98,3,188,5,0,0,0,support,medium -0.77,0.73,3,269,2,0,0,0,support,medium -0.3,0.85,2,203,3,0,0,0,support,medium -0.85,0.75,3,214,3,0,0,0,support,medium -0.49,0.83,2,185,6,0,0,0,support,medium -0.77,0.43,4,265,6,0,0,0,support,high -1,0.99,4,184,4,0,0,0,support,low -0.85,0.74,3,157,3,0,0,0,technical,medium -0.87,0.75,3,258,3,0,0,0,technical,medium -0.9,0.79,3,222,6,1,0,0,technical,medium -0.71,0.8,5,248,4,0,0,0,management,medium -0.59,0.56,5,162,4,0,0,0,IT,low -0.85,0.74,3,250,3,1,0,0,IT,low -0.72,0.82,4,231,3,0,0,0,IT,low -0.73,0.65,3,165,3,0,0,0,IT,low -0.9,0.54,3,272,2,0,0,0,IT,low -0.59,0.65,4,177,2,0,0,0,product_mng,low -0.52,0.9,3,133,3,0,0,0,product_mng,low -0.85,0.49,4,159,3,0,0,0,product_mng,low -0.35,0.4,3,130,3,0,0,0,product_mng,low -0.7,0.68,3,185,4,0,0,0,IT,low -0.58,0.86,3,182,3,0,0,0,RandD,low -0.89,0.5,2,238,4,0,0,0,RandD,low -0.54,0.63,3,211,3,0,0,0,RandD,low -0.55,0.89,4,209,3,0,0,0,RandD,low -0.77,0.62,5,190,3,0,0,0,RandD,low -0.55,0.61,4,272,4,1,0,0,marketing,low -0.6,0.77,3,202,3,0,0,0,sales,low -0.75,0.9,4,185,3,0,0,0,accounting,low -0.57,0.88,3,176,3,0,0,0,support,low -0.69,0.94,4,239,3,0,0,0,technical,low -0.87,0.98,4,238,3,1,0,0,management,low -0.69,0.36,5,269,6,1,0,0,marketing,medium -0.58,0.92,3,232,5,0,0,0,marketing,medium -0.87,0.64,2,148,6,1,0,0,marketing,medium -0.71,0.77,3,149,2,0,0,0,sales,medium -0.74,0.78,4,203,2,0,0,0,sales,medium -0.75,0.53,5,235,3,0,0,0,sales,medium -0.5,0.54,2,269,2,1,0,0,sales,medium -0.59,0.86,4,260,2,0,0,0,sales,medium -0.81,0.84,3,216,3,0,0,0,sales,medium -0.34,0.55,3,136,2,1,0,0,sales,medium -0.53,0.87,5,158,3,0,0,0,sales,medium -0.94,0.85,4,180,4,0,0,0,sales,medium -0.76,0.77,5,133,2,0,0,0,sales,high -0.2,0.58,5,199,4,0,0,0,sales,low -0.97,0.67,3,169,2,1,0,0,sales,medium -0.96,0.72,3,195,2,0,0,0,sales,medium -0.81,0.5,5,205,3,0,0,0,sales,medium -0.2,0.48,4,156,4,1,0,0,sales,medium -0.53,0.71,3,125,2,1,0,0,sales,low -0.75,0.76,3,171,4,0,0,0,sales,low -0.55,0.91,4,199,3,0,0,0,sales,low -0.58,0.65,5,187,2,0,0,0,sales,low -0.99,0.64,4,218,4,0,0,0,accounting,low -0.96,0.86,4,268,3,0,0,0,accounting,low -0.82,0.92,3,257,2,0,0,0,accounting,low -0.88,0.77,4,224,5,1,0,0,hr,low -0.78,0.97,4,221,4,0,0,0,hr,low -0.46,0.47,6,101,5,0,0,0,hr,low -0.88,0.59,3,224,2,0,0,0,hr,low -0.91,0.55,3,223,4,1,0,0,technical,low -0.6,0.68,4,271,4,0,0,0,technical,low -0.82,0.51,3,210,2,0,0,0,technical,low -0.67,0.56,4,241,3,0,0,0,technical,low -0.55,0.61,3,209,3,0,0,0,technical,low -0.73,0.62,5,186,4,0,0,0,technical,low -0.59,0.68,4,273,2,0,0,0,technical,low -0.4,0.65,6,172,2,1,0,0,technical,low -0.56,0.99,3,209,2,0,0,0,technical,low -0.87,0.57,4,175,2,1,0,0,technical,low -0.5,0.53,5,239,3,0,0,0,technical,medium -0.98,0.79,4,231,4,0,0,0,support,medium -0.71,0.96,4,131,3,0,0,0,support,medium -0.72,0.89,4,217,3,0,0,0,support,medium -0.5,0.83,4,242,2,0,0,0,support,medium -0.89,0.56,3,224,2,0,0,0,support,medium -0.56,0.68,3,208,3,1,0,0,support,medium -0.32,0.55,4,167,5,0,0,0,support,medium -0.96,0.88,5,269,2,0,0,0,support,medium -0.67,0.92,4,156,2,0,0,0,support,medium -0.26,0.7,3,238,6,0,0,0,support,medium -0.51,0.9,5,193,4,0,0,0,support,medium -0.16,0.78,4,196,5,0,0,0,technical,high -0.77,0.71,5,233,2,0,0,0,technical,low -0.67,0.52,2,152,5,0,0,0,technical,medium -0.36,0.77,4,252,2,0,0,0,management,medium -0.69,0.82,3,262,5,1,0,0,IT,medium -0.72,0.76,3,261,4,0,0,0,IT,medium -0.72,0.81,4,144,2,0,0,0,IT,low -0.88,0.95,4,234,3,0,0,0,IT,low -0.91,0.55,2,234,2,0,0,0,IT,low -0.96,0.6,4,170,2,1,0,0,product_mng,low -0.49,0.8,3,238,4,0,0,0,product_mng,low -0.59,0.97,5,242,3,0,0,0,product_mng,low -0.8,0.87,4,209,3,0,0,0,product_mng,low -0.91,0.67,4,206,3,0,0,0,IT,low -0.18,0.79,4,240,5,0,0,0,RandD,low -0.94,0.58,5,215,2,0,0,0,RandD,low -0.44,0.61,3,147,4,0,0,0,RandD,low -0.96,0.59,2,265,2,0,0,0,RandD,low -0.55,0.97,4,162,3,0,0,0,RandD,low -0.99,0.54,4,239,3,0,0,0,marketing,low -0.75,0.88,3,224,2,0,0,0,sales,low -0.66,0.78,4,256,3,0,0,0,accounting,low -0.96,0.57,3,263,3,0,0,0,support,low -0.6,0.86,6,272,4,0,0,0,technical,low -0.64,0.78,4,159,4,0,0,0,management,medium -0.85,0.8,4,219,2,0,0,0,marketing,medium -0.3,0.53,3,210,6,0,0,0,marketing,medium -0.74,0.95,4,237,3,1,0,0,marketing,medium -0.14,0.8,5,226,3,0,0,0,sales,medium -0.93,0.76,3,212,3,0,0,0,sales,medium -0.75,0.48,3,250,5,0,0,0,sales,medium -0.58,0.63,4,171,3,0,0,0,sales,medium -0.59,0.6,3,149,4,0,0,0,sales,medium -0.2,0.9,5,228,6,0,0,0,sales,medium -1,0.84,3,215,2,0,0,0,sales,medium -0.51,0.51,3,272,3,0,0,0,sales,medium -0.16,0.72,4,192,6,0,0,0,sales,high -0.77,0.56,5,226,4,0,0,0,sales,low -0.61,0.47,2,149,3,0,0,0,sales,medium -0.73,0.51,3,244,2,0,0,0,sales,medium -0.52,0.85,4,193,3,0,0,0,sales,medium -0.13,0.72,4,247,3,0,0,0,sales,medium -0.73,0.62,3,181,3,0,0,0,sales,low -0.39,0.68,2,137,3,1,0,0,sales,low -0.92,0.8,3,211,4,0,0,0,sales,low -0.34,0.78,5,137,4,0,0,0,sales,low -0.94,0.51,4,229,2,1,0,0,sales,low -0.82,0.65,4,168,3,0,0,0,accounting,low -0.26,0.69,4,180,3,1,0,0,accounting,low -0.78,0.53,4,177,2,0,0,0,accounting,low -0.61,0.95,4,191,2,0,0,0,hr,low -0.5,0.53,3,191,2,1,0,0,hr,low -0.52,0.96,4,125,3,0,0,0,hr,low -0.89,0.79,4,152,3,0,0,0,hr,low -0.85,0.52,4,174,2,0,0,0,technical,low -0.62,0.86,4,135,3,0,0,0,technical,low -0.38,0.67,2,117,3,0,0,0,technical,low -0.55,0.49,2,180,5,1,0,0,technical,low -0.83,0.84,4,146,3,0,0,0,technical,low -0.62,0.65,3,249,3,0,0,0,technical,low -0.6,0.54,3,136,3,1,0,0,technical,low -0.62,0.5,4,198,3,1,0,0,technical,low -0.23,0.88,5,201,3,0,0,0,technical,low -0.13,0.74,6,132,4,1,0,0,technical,medium -0.96,0.63,4,142,4,0,0,0,technical,medium -0.5,0.74,5,256,3,1,0,0,support,medium -0.66,0.72,3,135,2,0,0,0,support,medium -0.61,0.72,4,209,2,0,0,0,support,medium -0.45,0.48,5,287,5,0,0,0,support,medium -0.5,0.95,4,222,3,1,0,0,support,medium -0.75,0.82,3,227,2,0,0,0,support,medium -0.88,0.5,4,162,2,0,0,0,support,medium -0.49,0.79,5,206,2,0,0,0,support,medium -0.82,0.87,5,273,6,0,0,0,support,medium -0.92,0.65,4,135,3,0,0,0,support,medium -0.4,0.85,5,99,2,1,0,0,support,high -0.36,0.61,4,166,4,0,0,0,technical,low -0.8,0.99,5,187,3,1,0,0,technical,medium -0.68,0.65,4,134,3,0,0,0,technical,medium -0.54,0.45,4,137,3,1,0,0,management,medium -0.73,0.69,3,175,2,0,0,0,IT,medium -0.64,0.49,5,188,2,0,0,0,IT,low -0.12,0.39,5,161,4,0,0,0,IT,low -0.6,0.7,4,145,6,0,0,0,IT,low -0.36,0.62,4,111,6,0,0,0,IT,low -0.63,0.76,3,176,2,0,0,0,product_mng,low -0.67,0.94,2,192,3,0,0,0,product_mng,low -0.83,0.9,3,179,2,1,0,0,product_mng,low -0.48,0.9,4,224,3,0,0,0,product_mng,low -0.89,0.56,4,241,5,0,0,0,IT,low -0.71,0.96,3,201,3,0,0,0,RandD,low -0.31,0.59,4,138,2,0,0,0,RandD,low -0.89,0.84,5,168,2,0,0,0,RandD,low -0.38,0.51,2,120,3,0,0,0,RandD,low -0.88,0.92,3,179,3,0,0,0,RandD,low -0.64,0.85,3,250,3,0,0,0,marketing,low -0.65,0.74,4,237,3,1,0,0,sales,low -0.65,0.81,4,192,3,0,0,0,accounting,low -0.54,0.97,4,258,3,0,0,0,support,low -0.69,0.76,4,257,4,0,0,0,technical,low -0.77,0.78,2,271,3,0,0,0,management,low -0.28,0.66,3,184,2,0,0,0,marketing,low -0.33,0.4,6,214,6,0,0,0,marketing,medium -0.83,0.68,4,198,3,0,0,0,marketing,medium -0.89,0.73,3,274,2,0,0,0,sales,medium -0.76,0.6,5,279,2,0,0,0,sales,medium -0.83,0.64,5,272,2,0,0,0,sales,medium -0.57,0.85,4,152,3,0,0,0,sales,medium -0.61,0.89,2,287,4,0,0,0,sales,medium -0.96,0.89,2,239,6,1,0,0,sales,medium -0.17,0.5,4,274,6,0,0,0,sales,medium -0.61,0.6,4,121,2,0,0,0,sales,medium -0.73,0.74,5,199,2,0,0,0,sales,medium -0.3,0.39,3,175,3,0,0,0,sales,medium -0.42,0.67,2,115,3,0,0,0,sales,high -0.65,0.75,3,194,4,1,0,0,sales,low -0.17,0.45,2,119,3,0,0,0,sales,medium -0.12,0.82,5,162,4,1,0,0,sales,medium -0.7,0.78,5,264,2,0,0,0,sales,medium -0.87,0.88,3,179,2,0,0,0,sales,medium -0.43,0.44,5,213,3,0,0,0,sales,low -0.84,0.65,3,269,2,0,0,0,sales,low -0.94,0.55,3,160,3,0,0,0,sales,low -0.89,0.76,4,133,2,0,0,0,accounting,low -0.69,0.75,5,201,3,0,0,0,accounting,low -0.18,0.99,4,160,5,0,0,0,accounting,low -0.98,0.69,3,274,3,0,0,0,hr,low -0.3,0.88,5,245,4,0,0,0,hr,low -0.51,0.53,3,237,3,0,0,0,hr,medium -0.76,0.9,3,279,6,0,0,0,hr,medium -0.67,0.96,4,207,3,0,0,0,technical,medium -0.12,0.84,4,218,6,0,0,0,technical,medium -0.42,0.41,5,240,2,0,0,0,technical,medium -0.69,0.76,3,153,3,0,0,0,technical,medium -0.63,0.96,3,144,2,0,0,0,technical,medium -0.66,0.62,2,159,3,1,0,0,technical,medium -0.5,0.5,3,237,2,0,0,0,technical,medium -0.67,0.82,5,148,2,1,0,0,technical,medium -0.59,0.62,4,205,3,0,0,0,technical,medium -0.75,0.78,2,264,3,1,0,0,technical,medium -0.88,0.89,5,189,2,0,0,0,technical,medium -0.99,0.75,3,243,3,0,0,0,support,medium -0.44,0.42,2,199,2,0,0,0,support,medium -0.65,0.78,4,205,2,0,0,0,support,medium -0.88,0.63,3,184,4,0,0,0,support,medium -0.58,0.79,2,274,4,0,0,0,support,medium -0.99,0.9,4,181,3,0,0,0,support,medium -0.76,0.71,3,205,2,0,0,0,support,medium -0.14,0.98,5,172,5,0,0,0,support,medium -0.57,0.86,3,164,2,0,0,0,support,medium -0.52,0.82,3,138,2,1,0,0,support,medium -0.71,0.55,5,262,3,0,0,0,support,medium -0.27,0.75,5,264,3,0,0,0,technical,medium -0.49,0.52,3,225,2,0,0,0,technical,high -0.59,0.5,3,199,2,0,0,0,technical,high -0.24,0.65,6,210,5,0,0,0,management,high -0.18,0.87,6,226,4,0,0,0,IT,high -0.73,0.62,5,134,3,0,0,0,IT,high -0.78,0.63,6,111,6,0,0,0,IT,high -0.94,0.73,5,142,2,1,0,0,IT,high -0.86,0.53,3,213,3,0,0,0,IT,high -0.97,0.88,4,139,2,0,0,0,product_mng,high -0.49,0.54,3,145,3,0,0,0,product_mng,high -0.82,0.48,4,149,6,0,0,0,product_mng,high -0.86,0.64,4,147,2,1,0,0,product_mng,high -0.3,0.39,3,193,3,1,0,0,IT,low -0.7,0.38,4,270,2,0,0,0,RandD,low -0.8,0.78,5,266,3,0,0,0,RandD,low -0.36,0.63,2,278,4,0,0,0,RandD,low -0.4,0.61,3,165,2,0,0,0,RandD,low -0.8,0.58,4,175,2,0,0,0,RandD,low -0.98,0.73,4,140,4,0,0,0,marketing,low -0.92,0.67,3,149,3,0,0,0,sales,low -0.68,1,3,205,4,0,0,0,accounting,low -1,0.59,3,253,3,0,0,0,support,low -0.8,0.54,3,222,4,0,0,0,technical,low -0.85,0.69,4,216,4,0,0,0,management,low -0.69,0.6,3,139,2,0,0,0,marketing,low -0.57,0.52,4,252,2,0,0,0,marketing,low -0.33,0.72,2,173,2,0,0,0,marketing,low -0.19,0.48,6,178,3,1,0,0,sales,medium -0.5,0.63,3,160,2,0,0,0,sales,medium -0.52,0.88,3,261,4,0,0,0,sales,medium -0.13,0.52,6,188,3,0,0,0,sales,medium -0.18,0.73,4,219,5,0,0,0,sales,medium -0.86,0.64,4,263,3,0,0,0,sales,medium -0.86,0.59,4,165,3,0,0,0,sales,medium -0.16,0.76,6,218,6,0,0,0,sales,medium -0.43,0.46,2,239,3,1,0,0,sales,medium -0.79,0.63,3,212,2,1,0,0,sales,medium -0.51,0.67,4,133,3,0,0,0,sales,medium -0.83,0.55,5,250,3,1,0,0,sales,medium -0.61,0.45,3,114,3,0,0,0,sales,high -0.65,0.57,3,168,2,0,0,0,sales,high -0.95,0.83,4,252,2,0,0,0,sales,high -0.63,0.64,5,189,4,0,0,0,sales,high -0.72,0.6,3,265,2,1,0,0,sales,high -0.8,0.57,3,176,3,0,0,0,sales,high -0.7,0.57,4,150,4,0,0,0,sales,high -0.45,0.79,5,97,6,1,0,0,accounting,high -0.64,0.85,4,265,2,0,0,0,accounting,low -0.94,0.48,4,260,4,0,0,0,accounting,low -0.57,0.76,4,164,2,0,0,0,hr,low -0.35,0.56,4,142,2,0,0,0,hr,low -0.75,0.81,2,247,4,0,0,0,hr,low -0.7,0.92,5,182,3,0,0,0,hr,low -0.7,0.47,2,238,3,0,0,0,technical,low -0.61,0.62,3,191,3,0,0,0,technical,low -0.78,0.87,4,178,3,0,0,0,technical,medium -0.97,0.77,4,208,2,0,0,0,technical,medium -0.51,0.76,3,256,2,0,0,0,technical,medium -0.56,0.71,5,243,3,0,0,0,technical,medium -0.87,0.55,3,233,3,0,0,0,technical,medium -0.64,0.78,5,200,3,0,0,0,technical,medium -0.6,0.85,2,226,2,1,0,0,technical,medium -0.9,0.76,2,150,2,0,0,0,technical,medium -0.54,0.62,2,141,2,0,0,0,technical,medium -0.23,0.8,5,139,3,0,0,0,support,medium -0.8,0.81,3,199,4,1,0,0,support,medium -0.23,0.78,4,154,6,1,0,0,support,medium -0.81,0.51,3,247,2,0,0,0,support,medium -0.35,0.6,5,239,5,0,0,0,support,medium -0.67,0.8,4,137,2,0,0,0,support,medium -0.46,0.6,4,119,5,0,0,0,support,medium -0.84,0.98,4,134,5,1,0,0,support,medium -0.92,0.79,3,243,4,0,0,0,support,medium -0.75,0.93,5,210,3,0,0,0,support,medium -0.7,0.57,4,265,2,0,0,0,support,medium -0.7,0.75,4,204,3,0,0,0,technical,medium -0.9,0.81,6,273,5,0,0,0,technical,medium -0.8,1,3,177,2,0,0,0,technical,medium -0.5,0.65,5,285,6,0,0,0,management,high -0.84,0.72,4,222,2,0,0,0,IT,low -0.48,0.94,3,185,2,1,0,0,IT,medium -0.98,0.87,5,151,6,0,0,0,IT,medium -0.64,0.96,3,109,4,0,0,0,IT,medium -0.58,0.53,4,192,4,0,0,0,IT,medium -0.66,0.89,4,139,3,0,0,0,product_mng,medium -0.76,0.98,4,191,2,0,0,0,product_mng,medium -0.32,0.42,6,114,3,0,0,0,product_mng,medium -0.49,0.87,3,212,2,0,0,0,product_mng,medium -0.81,0.51,3,162,2,0,0,0,IT,medium -0.42,0.48,5,191,5,0,0,0,RandD,medium -0.17,0.85,3,234,3,0,0,0,RandD,low -0.49,0.59,4,265,3,0,0,0,RandD,low -0.34,0.69,6,283,2,0,0,0,RandD,low -0.86,0.81,3,232,4,0,0,0,RandD,low -0.51,0.71,4,208,3,1,0,0,marketing,low -0.49,0.99,4,258,3,1,0,0,sales,low -0.49,0.63,3,175,2,0,0,0,accounting,low -0.51,0.59,3,238,3,0,0,0,support,high -0.64,0.52,3,166,3,0,0,0,technical,low -0.62,0.85,4,225,2,0,0,0,management,high -0.81,0.52,4,221,6,0,0,0,marketing,high -0.95,0.57,2,263,3,0,0,0,marketing,low -0.88,0.66,4,218,4,1,0,0,marketing,low -0.87,0.68,5,236,4,0,0,0,sales,high -0.73,0.68,5,133,2,0,0,0,sales,low -0.98,0.73,2,237,3,0,0,0,sales,medium -0.77,0.48,3,204,6,0,0,0,sales,high -0.76,0.99,3,166,3,0,0,0,sales,medium -0.21,0.93,4,189,2,1,0,0,sales,medium -0.72,0.63,4,251,3,0,0,0,sales,medium -0.41,0.56,2,121,2,0,0,0,sales,medium -0.9,0.56,3,149,2,0,0,0,sales,high -0.96,0.9,5,198,2,0,0,0,sales,medium -0.61,0.48,4,163,3,0,0,0,sales,medium -0.6,0.8,4,222,2,0,0,0,sales,medium -0.5,0.76,2,107,4,0,0,0,sales,high -0.79,0.61,4,162,2,0,0,0,sales,medium -0.32,0.69,6,192,3,0,0,0,sales,high -0.85,0.59,5,236,3,0,0,0,sales,low -0.9,0.62,5,225,2,0,0,0,sales,medium -0.74,0.54,4,167,2,0,0,0,sales,medium -0.21,0.76,6,219,4,1,0,0,sales,medium -0.91,0.61,3,255,3,0,0,0,accounting,medium -0.9,0.66,5,137,2,0,0,0,accounting,low -0.74,0.99,4,193,3,0,0,0,accounting,low -0.76,0.75,3,239,2,0,0,0,hr,low -0.45,0.61,5,179,5,0,0,0,hr,low -0.73,0.63,3,205,2,1,0,0,hr,low -0.6,0.73,3,140,5,1,0,0,hr,low -0.8,0.77,5,256,2,0,0,0,technical,low -0.53,0.7,4,243,3,0,0,0,technical,low -0.97,0.63,5,163,3,0,0,0,technical,low -0.64,0.99,3,167,2,0,0,0,technical,low -0.92,0.59,4,190,5,0,0,0,technical,high -0.6,0.57,5,145,3,1,0,0,technical,low -1,0.6,4,265,4,0,0,0,technical,low -0.69,0.63,4,272,2,0,0,0,technical,low -0.53,0.45,5,140,5,0,0,0,technical,low -0.63,0.58,4,236,2,0,0,0,technical,high -0.57,0.89,4,255,3,1,0,0,technical,low -0.79,0.45,5,131,6,0,0,0,support,low -0.68,0.92,4,209,6,0,0,0,support,low -0.56,0.61,3,250,2,0,0,0,support,high -0.48,0.51,3,201,2,1,0,0,support,low -0.59,0.67,4,271,2,0,0,0,support,medium -0.34,0.76,6,237,5,0,0,0,support,high -0.98,0.87,3,239,4,0,0,0,support,medium -0.36,0.45,2,135,3,1,0,0,support,high -0.6,0.58,2,182,2,0,0,0,support,medium -0.24,0.54,6,193,4,0,0,0,support,medium -0.67,0.72,4,192,3,1,0,0,support,medium -0.17,0.6,5,144,6,0,0,0,technical,medium -0.57,0.58,3,251,3,0,0,0,technical,medium -0.7,0.85,3,161,2,0,0,0,technical,medium -0.73,0.62,3,171,3,0,0,0,management,medium -0.61,0.86,4,153,5,0,0,0,IT,medium -0.95,0.96,4,161,2,0,0,0,IT,high -0.85,0.55,3,226,4,0,0,0,IT,low -0.72,0.9,3,193,3,0,0,0,IT,medium -0.84,0.66,4,204,3,0,0,0,IT,medium -0.57,0.47,2,158,2,0,0,0,product_mng,medium -0.69,0.69,3,236,4,0,0,0,product_mng,medium -0.57,0.68,4,191,3,0,0,0,product_mng,medium -0.52,0.59,6,104,4,0,0,0,product_mng,medium -0.56,0.55,3,245,2,0,0,0,IT,medium -0.75,0.74,3,186,3,1,0,0,RandD,medium -0.98,0.75,5,168,4,1,0,0,RandD,medium -0.48,0.55,4,262,3,1,0,0,RandD,high -0.35,0.67,2,116,3,0,0,0,RandD,low -0.66,0.93,4,187,2,0,0,0,RandD,low -0.79,0.9,5,184,3,0,0,0,marketing,low -0.86,0.53,4,155,3,0,0,0,marketing,high -0.88,1,5,190,2,0,0,0,sales,low -0.83,0.64,3,242,3,0,0,0,accounting,low -0.8,0.64,5,204,2,0,0,0,support,low -0.64,0.69,4,232,3,0,0,0,technical,high -0.72,0.59,4,245,2,0,0,0,management,low -0.67,0.61,3,251,2,0,0,0,marketing,low -0.75,0.7,4,179,2,0,0,0,marketing,low -0.65,0.95,4,153,2,0,0,0,marketing,low -0.98,0.98,5,210,6,0,0,0,sales,low -0.68,0.8,2,257,2,1,0,0,sales,low -0.52,0.37,3,137,4,0,0,0,sales,low -0.68,0.93,4,179,2,0,0,0,sales,medium -0.92,0.74,4,213,3,0,0,0,sales,medium -0.86,0.79,3,106,6,1,0,0,sales,medium -0.5,0.99,4,272,2,0,0,0,sales,medium -0.35,0.37,4,153,2,0,0,0,sales,medium -0.76,0.97,5,172,3,0,0,0,sales,medium -0.66,0.95,4,224,2,0,0,0,sales,medium -0.58,0.71,3,230,3,1,0,0,sales,medium -0.55,0.97,4,222,4,0,0,0,sales,medium -0.9,0.53,3,270,3,0,0,0,sales,medium -0.75,0.71,4,205,3,0,0,0,sales,medium -0.9,0.63,4,134,3,1,0,0,sales,medium -0.14,0.54,5,275,4,1,0,0,sales,high -0.86,0.57,4,183,3,0,0,0,sales,low -0.56,0.84,4,143,4,0,0,0,sales,medium -0.54,0.63,5,259,2,0,0,0,sales,medium -0.36,0.8,5,186,4,0,0,0,accounting,medium -0.82,0.59,3,155,3,0,0,0,accounting,medium -0.49,0.42,2,266,3,0,0,0,accounting,low -0.77,0.97,3,215,2,0,0,0,hr,low -0.64,0.83,4,179,3,0,0,0,hr,low -0.93,0.53,3,217,3,0,0,0,hr,low -0.96,0.94,5,235,3,0,0,0,hr,low -0.6,0.97,3,164,2,0,0,0,technical,low -0.58,0.55,3,178,5,0,0,0,technical,low -0.52,0.49,5,170,3,0,0,0,technical,low -0.74,0.79,5,241,3,0,0,0,technical,low -0.64,0.99,4,222,2,0,0,0,technical,low -0.93,0.59,3,233,3,0,0,0,technical,low -0.76,0.49,5,243,3,0,0,0,technical,low -0.5,0.54,4,175,2,0,0,0,technical,low -0.79,0.55,4,266,3,0,0,0,technical,low -0.97,0.95,5,201,2,0,0,0,technical,low -0.6,0.49,5,259,4,0,0,0,technical,low -0.84,0.73,5,105,5,0,0,0,support,low -0.75,0.99,5,189,3,0,0,0,support,low -0.24,0.91,4,232,2,0,0,0,support,low -0.24,0.91,5,258,6,0,0,0,support,low -0.51,0.58,5,173,3,0,0,0,support,low -0.5,0.88,4,147,3,0,0,0,support,medium -0.66,0.36,3,256,6,0,0,0,support,medium -0.97,0.77,3,206,4,0,0,0,support,medium -0.61,0.5,4,175,3,0,0,0,support,medium -0.77,0.49,4,274,2,1,0,0,support,medium -0.74,0.64,3,229,3,0,0,0,support,medium -0.92,0.98,4,161,3,0,0,0,technical,medium -0.78,0.99,2,188,2,0,0,0,technical,medium -0.56,0.57,3,205,3,0,0,0,technical,medium -0.82,0.63,3,246,3,0,0,0,management,medium -0.26,0.98,5,161,5,0,0,0,IT,medium -0.69,0.85,5,246,3,0,0,0,IT,medium -0.78,0.83,4,158,3,0,0,0,IT,high -0.67,0.86,3,175,3,0,0,0,IT,low -0.77,0.91,5,268,3,1,0,0,IT,medium -0.8,0.63,4,211,2,0,0,0,product_mng,medium -0.51,0.51,3,274,2,0,0,0,product_mng,medium -0.77,0.52,4,241,3,0,0,0,product_mng,medium -0.65,0.71,3,170,2,0,0,0,product_mng,low -0.58,0.53,3,287,5,0,0,0,IT,low -0.67,0.39,2,235,6,0,0,0,RandD,low -0.33,0.39,3,98,3,1,0,0,RandD,low -0.78,0.66,6,105,5,1,0,0,RandD,low -0.58,0.83,3,226,3,0,0,0,RandD,low -0.63,0.59,4,171,4,0,0,0,RandD,low -0.63,0.51,4,153,4,0,0,0,RandD,low -0.59,0.55,3,183,4,0,0,0,marketing,low -0.6,0.9,5,139,3,0,0,0,sales,low -0.93,0.9,5,210,3,0,0,0,accounting,low -0.78,0.77,2,177,4,0,0,0,support,low -0.65,0.6,3,148,2,0,0,0,technical,low -1,0.61,4,198,2,0,0,0,management,low -0.96,1,3,137,4,1,0,0,marketing,low -0.54,0.97,5,233,3,1,0,0,marketing,low -0.98,0.69,2,204,4,0,0,0,marketing,low -0.34,0.59,2,164,2,0,0,0,sales,low -0.71,0.53,5,162,2,0,0,0,sales,low -0.64,0.64,3,180,2,1,0,0,sales,low -0.71,0.93,2,199,2,0,0,0,sales,low -0.58,0.63,4,190,2,0,0,0,sales,medium -0.87,0.96,4,151,3,1,0,0,sales,medium -0.58,0.85,4,162,3,0,0,0,sales,medium -0.87,0.67,3,139,2,0,0,0,sales,medium -0.72,0.86,3,231,3,1,0,0,sales,medium -0.67,0.83,5,269,2,0,0,0,sales,medium -0.53,0.97,4,249,3,0,0,0,sales,medium -0.78,0.61,3,148,2,0,0,0,sales,medium -0.19,0.63,4,233,5,0,0,0,sales,medium -1,0.88,4,240,4,0,0,0,sales,medium -0.75,0.75,5,229,2,1,0,0,sales,medium -0.29,0.66,3,256,2,1,0,0,sales,medium -0.37,0.7,2,188,2,0,0,0,sales,high -0.78,0.5,3,167,2,0,0,0,sales,low -0.24,0.64,5,190,4,0,0,0,sales,medium -0.49,0.7,4,168,3,0,0,0,accounting,medium -0.18,0.64,6,154,5,0,0,0,accounting,medium -0.76,0.85,4,135,3,0,0,0,accounting,medium -0.5,0.97,4,217,3,0,0,0,hr,low -0.82,0.94,3,253,2,0,0,0,hr,low -0.97,0.94,3,180,3,0,0,0,hr,low -0.72,0.9,4,225,2,0,0,0,hr,low -0.98,0.64,4,134,3,1,0,0,technical,low -0.76,0.73,3,192,2,0,0,0,technical,low -0.72,0.88,3,224,3,0,0,0,technical,low -0.96,0.91,3,260,5,0,0,0,technical,low -0.62,0.78,3,178,3,1,0,0,technical,low -0.25,0.98,4,166,5,1,0,0,technical,low -0.82,0.56,5,180,3,0,0,0,technical,low -0.59,0.9,3,189,2,0,0,0,technical,low -0.94,0.73,3,154,3,0,0,0,technical,low -0.72,0.88,3,236,3,0,0,0,technical,low -0.53,0.78,5,198,3,0,0,0,technical,low -0.67,0.83,3,148,3,0,0,0,support,low -0.99,0.52,4,205,2,0,0,0,support,low -0.64,0.53,4,133,3,0,0,0,support,low -0.61,0.57,4,160,3,1,0,0,support,low -0.89,0.85,4,201,2,1,0,0,support,low -0.61,0.7,5,157,4,0,0,0,support,low -0.9,0.74,3,260,2,0,0,0,support,medium -0.96,0.51,5,152,3,0,0,0,support,medium -0.62,0.55,4,218,3,0,0,0,support,medium -0.89,0.57,3,252,2,0,0,0,support,medium -0.52,0.67,4,216,3,0,0,0,support,medium -0.66,0.99,3,183,2,0,0,0,technical,medium -0.96,0.6,5,269,2,0,0,0,technical,medium -0.95,0.89,5,132,4,0,0,0,technical,medium -0.75,0.98,4,170,4,0,0,0,management,medium -0.39,0.87,5,257,5,1,0,0,IT,medium -0.93,0.69,3,138,2,0,0,0,IT,medium -0.44,0.54,3,115,3,0,0,0,IT,medium -0.9,0.67,3,165,2,0,0,0,IT,high -0.75,0.81,3,214,3,0,0,0,IT,low -0.45,0.75,2,246,2,0,0,0,product_mng,medium -0.42,0.6,2,188,3,0,0,0,product_mng,medium -0.99,0.82,3,255,2,0,0,0,product_mng,medium -0.89,0.91,4,190,2,0,0,0,product_mng,medium -0.96,0.9,4,164,4,0,0,0,IT,low -0.5,0.46,3,165,3,0,0,0,RandD,low -0.59,0.59,3,141,3,0,0,0,RandD,low -0.57,0.69,3,154,2,0,0,0,RandD,low -1,0.87,3,165,2,0,0,0,RandD,low -0.6,0.59,5,266,2,0,0,0,RandD,low -0.21,0.85,6,235,6,0,0,0,RandD,low -0.63,0.83,4,159,2,0,0,0,marketing,low -0.8,0.82,3,218,3,0,0,0,sales,low -0.51,0.96,3,149,4,0,0,0,accounting,low -0.89,0.96,5,239,3,0,0,0,support,low -0.83,0.58,4,225,3,0,0,0,technical,low -0.77,0.74,6,247,3,0,0,0,management,low -0.79,0.99,4,183,2,0,0,0,marketing,low -0.63,0.85,5,214,2,0,0,0,marketing,low -0.68,0.48,5,113,2,0,0,0,marketing,low -0.74,0.69,4,244,2,0,0,0,sales,low -0.49,0.67,6,286,4,0,0,0,sales,low -0.46,0.55,3,139,2,0,0,0,sales,medium -0.9,0.91,5,176,3,0,0,0,sales,medium -0.7,0.67,5,136,3,0,0,0,sales,medium -0.84,0.71,4,222,2,0,0,0,sales,medium -0.89,0.77,4,269,4,0,0,0,sales,medium -0.59,0.87,4,183,2,0,0,0,sales,medium -0.57,0.72,3,206,3,0,0,0,sales,medium -0.53,0.49,3,158,3,0,0,0,sales,medium -0.83,0.89,4,136,3,0,0,0,sales,medium -0.51,0.66,4,182,2,0,0,0,sales,medium -0.78,0.61,4,268,3,0,0,0,sales,medium -0.52,0.69,3,144,3,0,0,0,sales,medium -0.42,0.5,5,286,4,0,0,0,sales,high -0.61,0.38,2,268,3,0,0,0,sales,low -0.85,1,3,255,3,0,0,0,sales,medium -0.17,0.85,6,245,5,0,0,0,sales,medium -0.79,0.52,3,134,2,1,0,0,sales,medium -0.56,0.98,3,251,3,1,0,0,accounting,medium -0.5,0.73,5,165,2,0,0,0,accounting,low -0.51,0.53,3,223,2,1,0,0,accounting,low -0.77,0.67,4,225,4,0,0,0,hr,low -0.84,0.9,3,196,3,1,0,0,hr,low -0.21,0.49,3,253,3,0,0,0,hr,low -0.65,0.57,5,222,3,0,0,0,hr,low -0.95,0.87,4,135,3,0,0,0,technical,low -0.8,0.75,4,217,2,0,0,0,technical,low -0.77,0.85,5,192,2,0,0,0,technical,low -0.57,0.7,3,172,3,0,0,0,technical,low -0.92,0.55,4,183,3,0,0,0,technical,low -1,0.71,5,186,2,0,0,0,technical,low -0.85,0.67,4,163,3,0,0,0,technical,low -0.57,0.8,4,262,3,0,0,0,technical,low -0.66,0.68,3,202,3,0,0,0,technical,low -0.85,0.8,4,248,3,0,0,0,technical,low -0.99,0.5,5,214,2,0,0,0,technical,low -0.91,0.82,4,260,4,0,0,0,support,low -0.96,0.97,4,260,3,0,0,0,support,low -0.49,0.52,4,251,2,0,0,0,support,low -0.39,0.85,5,179,5,0,0,0,support,low -0.87,0.74,4,178,2,1,0,0,support,medium -0.19,0.85,6,210,4,0,0,0,support,medium -0.9,0.83,3,273,4,0,0,0,support,medium -0.5,0.5,5,166,2,0,0,0,support,medium -0.7,0.9,5,246,2,0,0,0,support,medium -0.52,0.55,5,192,3,0,0,0,support,medium -0.71,0.69,3,274,3,0,0,0,support,medium -0.4,0.41,3,232,3,0,0,0,technical,medium -0.96,0.53,3,158,4,0,0,0,technical,medium -0.86,0.92,5,137,3,0,0,0,technical,medium -0.68,0.85,3,209,2,0,0,0,management,medium -0.56,0.64,3,206,2,0,0,0,IT,medium -0.65,0.56,3,230,2,0,0,0,IT,high -0.98,0.61,5,239,3,0,0,0,IT,low -0.18,0.51,5,159,6,0,0,0,IT,medium -0.66,0.65,4,244,2,0,0,0,IT,medium -0.14,0.51,5,259,5,0,0,0,product_mng,medium -0.94,0.8,5,245,3,1,0,0,product_mng,medium -0.56,1,3,141,2,1,0,0,product_mng,low -0.56,0.8,5,202,4,0,0,0,product_mng,low -0.59,0.89,5,143,3,1,0,0,IT,low -0.63,0.62,4,286,5,1,0,0,RandD,low -0.97,0.88,5,173,3,0,0,0,RandD,low -0.76,0.7,5,195,3,0,0,0,RandD,low -0.85,0.58,4,167,4,0,0,0,RandD,low -0.23,0.73,5,197,4,1,0,0,RandD,low -0.68,0.62,3,255,5,0,0,0,RandD,low -0.71,0.73,3,274,3,0,0,0,marketing,low -0.5,0.59,3,192,2,0,0,0,sales,low -0.61,0.7,3,225,3,0,0,0,accounting,low -0.99,0.65,3,209,2,1,0,0,support,low -0.97,0.86,5,222,3,0,0,0,technical,low -0.82,0.71,5,208,2,0,0,0,management,low -0.72,0.68,5,162,5,0,0,0,marketing,low -0.53,0.74,3,135,2,0,0,0,marketing,low -0.55,0.87,4,200,3,0,0,0,marketing,low -0.52,0.53,4,159,4,0,0,0,sales,low -0.8,0.81,5,156,2,0,0,0,sales,low -0.51,0.95,4,169,3,1,0,0,sales,low -0.66,0.65,4,154,3,0,0,0,sales,medium -0.56,0.43,2,169,3,0,0,0,sales,medium -0.5,0.84,3,233,3,1,0,0,sales,medium -0.94,0.78,3,218,2,1,0,0,sales,medium -0.42,0.8,4,279,6,0,0,0,sales,medium -0.6,0.61,3,195,3,0,0,0,sales,medium -0.55,0.71,4,223,3,0,0,0,sales,medium -0.76,0.72,3,275,4,1,0,0,sales,medium -0.84,0.74,3,234,3,1,0,0,sales,medium -0.33,0.62,4,113,6,0,0,0,sales,medium -0.61,0.95,3,133,5,0,0,0,sales,medium -0.91,0.93,5,158,4,0,0,0,sales,medium -0.73,0.74,4,214,3,0,0,0,sales,high -0.87,0.67,4,272,4,0,0,0,sales,low -0.38,0.42,2,127,4,0,0,0,sales,medium -0.8,0.51,4,141,3,1,0,0,sales,medium -0.69,0.8,5,263,3,1,0,0,accounting,medium -0.99,0.92,5,174,5,0,0,0,accounting,medium -0.92,0.76,5,246,2,1,0,0,accounting,low -0.6,0.88,3,201,2,0,0,0,hr,low -0.89,0.93,3,181,3,0,0,0,hr,low -0.91,0.93,3,238,2,0,0,0,hr,low -0.35,0.52,3,167,2,0,0,0,hr,low -0.88,0.68,5,224,2,0,0,0,technical,low -0.66,0.69,3,182,3,1,0,0,technical,low -0.21,0.55,4,189,2,0,0,0,technical,low -0.78,0.64,3,169,2,1,0,0,technical,medium -0.21,0.96,4,287,5,0,0,0,technical,medium -0.64,0.94,3,150,2,0,0,0,technical,medium -0.68,0.95,4,146,2,0,0,0,technical,medium -0.99,0.87,4,162,4,0,0,0,technical,medium -0.85,0.55,4,158,5,0,0,0,technical,medium -0.86,0.51,3,185,2,0,0,0,technical,medium -0.89,0.98,3,214,3,0,0,0,technical,medium -0.49,0.85,4,200,3,0,0,0,support,medium -0.76,0.97,4,219,2,0,0,0,support,medium -0.79,0.87,3,218,3,0,0,0,support,medium -0.89,0.64,4,237,2,0,0,0,support,medium -0.34,0.51,3,105,3,0,0,0,support,medium -0.81,0.92,3,251,3,1,0,0,support,medium -0.96,0.7,3,227,2,0,0,0,support,medium -0.7,0.87,3,158,2,0,0,0,support,medium -0.92,0.61,4,252,2,0,0,0,support,medium -0.5,0.76,4,198,3,0,0,0,support,medium -0.75,0.72,2,192,3,0,0,0,support,medium -0.42,0.38,2,139,4,0,0,0,technical,medium -0.29,0.4,6,205,3,0,0,0,technical,medium -0.91,0.48,3,224,3,0,0,0,technical,medium -0.55,0.97,4,267,4,0,0,0,management,medium -0.57,0.81,4,200,3,1,0,0,IT,medium -0.27,0.48,3,97,6,0,0,0,IT,medium -0.7,0.43,6,253,3,0,0,0,IT,high -0.63,0.68,4,191,2,0,0,0,IT,high -0.97,0.63,5,199,2,1,0,0,IT,high -0.28,0.52,3,127,4,0,0,0,product_mng,high -0.7,0.6,3,187,2,0,0,0,product_mng,high -0.83,0.51,4,215,3,0,0,0,product_mng,high -0.22,0.76,4,176,6,1,0,0,product_mng,high -0.55,0.47,3,194,2,0,0,0,IT,high -0.33,0.77,3,216,3,0,0,0,RandD,high -0.5,0.78,4,185,3,0,0,0,RandD,high -0.93,0.88,5,140,3,0,0,0,RandD,high -0.77,0.66,3,260,4,0,0,0,RandD,high -0.93,0.97,5,137,4,0,0,0,RandD,low -0.72,1,4,151,2,0,0,0,RandD,low -0.78,0.53,3,152,2,0,0,0,marketing,low -0.55,0.75,4,166,2,0,0,0,sales,low -0.39,0.86,3,261,2,0,0,0,accounting,low -0.67,0.78,3,235,3,0,0,0,support,low -0.61,0.89,3,201,2,0,0,0,technical,low -0.6,0.69,6,250,5,1,0,0,management,low -0.48,0.64,4,146,2,0,0,0,marketing,low -0.75,0.84,4,195,3,0,0,0,marketing,low -0.87,0.58,4,259,3,0,0,0,marketing,low -0.51,0.54,4,166,4,1,0,0,sales,low -0.63,0.9,4,188,4,1,0,0,sales,low -0.6,0.57,3,203,2,0,0,0,sales,low -0.7,0.99,3,167,3,0,0,0,sales,low -0.5,0.99,2,258,3,1,0,0,sales,medium -0.59,0.51,2,126,3,0,0,0,sales,medium -0.52,0.39,6,246,4,0,0,0,sales,medium -0.55,0.49,3,205,3,0,0,0,sales,medium -0.81,0.62,5,201,3,1,0,0,sales,medium -0.94,0.98,4,197,3,0,0,0,sales,medium -0.98,0.61,3,272,3,0,0,0,sales,medium -0.83,0.84,4,206,2,0,0,0,sales,medium -0.93,0.62,3,184,3,0,0,0,sales,medium -0.99,0.54,3,199,2,0,0,0,sales,medium -0.55,0.57,4,220,3,0,0,0,sales,medium -0.96,0.83,3,233,3,0,0,0,sales,medium -0.28,0.77,3,221,3,0,0,0,sales,high -0.97,0.6,6,168,5,1,0,0,sales,high -0.8,0.78,3,251,3,0,0,0,sales,high -0.75,0.55,2,188,3,0,0,0,accounting,high -0.89,0.88,3,203,3,0,0,0,accounting,high -0.6,0.76,5,168,2,1,0,0,accounting,high -0.73,0.98,3,227,2,1,0,0,hr,high -0.88,0.75,4,159,2,0,0,0,hr,high -0.5,0.7,3,159,3,0,0,0,hr,low -0.53,0.78,5,275,5,0,0,0,hr,low -0.95,0.43,6,283,2,0,0,0,technical,low -0.94,0.53,5,169,3,0,0,0,technical,low -0.49,0.8,3,227,4,1,0,0,technical,low -0.59,0.57,3,147,4,0,0,0,technical,low -0.51,0.91,3,227,2,0,0,0,technical,low -0.66,0.66,4,166,3,0,0,0,technical,low -0.76,0.94,4,168,6,0,0,0,technical,medium -0.12,0.59,3,229,6,0,0,0,technical,medium -0.84,0.65,3,134,3,0,0,0,technical,medium -0.94,0.81,3,196,3,0,0,0,technical,medium -0.63,0.84,4,181,3,0,0,0,technical,medium -0.79,0.99,4,177,3,1,0,0,support,medium -0.85,0.68,3,272,2,1,0,0,support,medium -0.74,0.52,3,213,3,0,0,0,support,medium -0.23,0.75,6,220,3,0,0,0,support,medium -0.62,0.51,4,274,2,0,0,0,support,medium -0.36,0.56,6,242,6,0,0,0,support,medium -0.7,0.83,4,182,3,0,0,0,support,medium -0.57,0.75,5,172,4,0,0,0,support,medium -0.83,0.99,3,226,3,0,0,0,support,medium -0.71,0.96,3,132,2,0,0,0,support,medium -0.23,0.72,6,121,3,0,0,0,support,medium -0.59,0.69,4,207,2,0,0,0,technical,medium -0.69,0.61,2,141,3,0,0,0,technical,medium -0.63,0.81,5,189,3,0,0,0,technical,medium -0.9,0.59,6,269,4,1,0,0,management,medium -0.31,0.57,4,200,4,0,0,0,IT,medium -0.92,0.62,3,199,2,0,0,0,IT,medium -0.96,0.87,4,213,3,0,0,0,IT,medium -0.66,0.51,6,105,4,0,0,0,IT,high -0.48,0.97,4,141,2,0,0,0,IT,low -0.15,0.55,3,255,3,1,0,0,product_mng,medium -0.59,0.79,3,217,4,0,0,0,product_mng,medium -0.66,0.85,6,165,5,0,0,0,product_mng,medium -0.69,0.92,5,220,2,0,0,0,product_mng,medium -0.65,0.79,4,241,4,0,0,0,IT,medium -0.58,0.94,5,274,3,0,0,0,RandD,medium -0.72,0.57,4,224,4,0,0,0,RandD,medium -0.65,0.99,5,240,5,0,0,0,RandD,medium -0.63,0.77,5,210,3,0,0,0,RandD,medium -0.55,0.87,3,215,2,0,0,0,RandD,medium -0.74,0.56,4,254,2,0,0,0,marketing,low -0.58,0.84,4,150,4,1,0,0,sales,low -0.71,0.72,4,177,3,0,0,0,accounting,low -0.83,0.37,5,101,4,1,0,0,support,low -0.63,0.52,3,183,2,0,0,0,technical,low -0.56,0.61,3,224,3,0,0,0,management,low -0.88,0.55,3,263,3,0,0,0,marketing,low -0.82,0.55,3,207,2,0,0,0,marketing,high -0.69,0.72,3,243,3,0,0,0,marketing,low -0.57,0.54,3,157,4,1,0,0,sales,high -0.75,0.69,3,242,3,0,0,0,sales,high -0.6,0.98,4,265,2,0,0,0,sales,low -0.96,0.92,3,196,4,0,0,0,sales,low -0.75,0.67,4,135,2,0,0,0,sales,high -1,0.61,6,270,3,0,0,0,sales,low -0.92,0.97,4,201,2,0,0,0,sales,medium -0.84,0.93,5,225,4,0,0,0,sales,high -0.82,0.77,4,205,3,0,0,0,sales,medium -0.74,0.42,3,131,3,0,0,0,sales,medium -0.21,0.39,2,118,4,0,0,0,sales,medium -0.62,0.64,5,187,3,0,0,0,sales,medium -0.54,0.48,3,275,2,0,0,0,sales,high -0.55,0.97,5,125,4,0,0,0,sales,medium -0.84,0.55,4,270,3,1,0,0,sales,medium -0.61,0.56,2,123,2,0,0,0,sales,medium -0.64,0.53,3,281,3,0,0,0,sales,high -0.92,0.51,3,223,2,0,0,0,sales,medium -0.86,0.87,3,268,2,0,0,0,sales,high -0.6,0.74,4,174,3,0,0,0,accounting,low -0.86,0.92,3,162,3,1,0,0,accounting,medium -0.55,0.51,3,192,3,0,0,0,accounting,medium -0.54,0.58,4,178,3,0,0,0,hr,medium -0.49,0.9,3,250,2,0,0,0,hr,medium -0.98,0.72,3,262,4,0,0,0,hr,low -0.55,0.55,5,194,3,1,0,0,hr,low -0.64,0.5,3,146,3,0,0,0,technical,low -0.54,0.53,4,245,2,0,0,0,technical,low -0.58,0.45,3,131,2,0,0,0,technical,low -0.57,0.37,3,108,4,0,0,0,technical,low -0.65,0.64,5,206,3,0,0,0,technical,low -0.6,0.4,3,146,4,1,0,0,technical,low -0.59,0.45,2,171,2,0,0,0,technical,low -0.77,0.5,4,173,2,1,0,0,technical,low -0.55,0.49,5,240,3,0,0,0,technical,high -0.5,0.6,4,199,2,0,0,0,technical,low -0.43,0.77,3,237,3,1,0,0,technical,low -0.58,0.84,3,258,4,0,0,0,support,low -0.66,0.68,4,269,3,1,0,0,support,low -0.7,0.8,5,245,4,0,0,0,support,high -0.82,0.54,4,164,3,0,0,0,support,low -0.49,0.49,4,256,3,1,0,0,support,low -0.99,0.79,4,213,3,0,0,0,support,low -0.96,0.73,3,193,3,1,0,0,support,high -0.7,0.57,3,179,2,0,0,0,support,low -0.22,0.89,6,278,5,1,0,0,support,medium -0.91,0.52,3,256,2,0,0,0,support,high -0.18,0.76,5,173,4,0,0,0,support,medium -0.84,0.68,4,179,3,0,0,0,technical,high -0.66,0.38,4,145,5,0,0,0,technical,medium -0.49,0.65,3,168,4,0,0,0,technical,medium -0.88,0.89,4,213,3,0,0,0,management,medium -0.69,0.91,6,150,5,0,0,0,IT,medium -0.83,0.75,3,262,3,0,0,0,IT,medium -0.56,0.84,4,149,4,1,0,0,IT,medium -0.95,0.77,5,139,2,0,0,0,IT,medium -0.56,1,3,272,2,0,0,0,IT,medium -0.93,0.73,3,252,4,0,0,0,product_mng,high -0.84,0.52,3,232,4,0,0,0,product_mng,low -0.84,0.48,3,266,2,0,0,0,product_mng,medium -0.52,0.65,4,264,3,0,0,0,product_mng,medium -0.98,0.8,4,142,2,0,0,0,IT,medium -0.66,0.64,5,208,4,0,0,0,RandD,medium -0.92,0.49,5,178,2,1,0,0,RandD,medium -0.71,0.8,5,192,3,0,0,0,RandD,medium -0.65,0.92,4,242,2,0,0,0,RandD,medium -0.23,0.47,4,277,5,0,0,0,RandD,medium -0.71,0.97,3,173,2,1,0,0,marketing,medium -0.21,0.65,4,276,6,0,0,0,marketing,high -0.7,0.72,2,189,3,0,0,0,sales,low -0.9,0.5,4,139,2,0,0,0,accounting,low -0.6,0.52,5,140,3,0,0,0,support,low -0.58,0.63,5,191,3,1,0,0,technical,high -0.73,0.72,5,178,2,0,0,0,management,low -0.56,0.67,4,184,3,0,0,0,marketing,low -0.97,0.57,3,144,3,0,0,0,marketing,low -0.92,0.91,3,160,2,0,0,0,marketing,high -0.77,0.68,3,225,2,0,0,0,sales,low -0.97,0.81,5,266,2,0,0,0,sales,low -0.7,0.69,5,154,2,0,0,0,sales,low -0.78,0.82,4,142,2,1,0,0,sales,low -0.77,0.87,3,207,4,1,0,0,sales,low -0.66,0.53,4,162,3,0,0,0,sales,low -0.25,0.98,6,287,5,1,0,0,sales,low -0.89,0.87,2,270,6,1,0,0,sales,medium -0.15,0.66,5,160,4,1,0,0,sales,medium -0.26,0.91,6,113,2,0,0,0,sales,medium -0.74,0.58,4,178,4,0,0,0,sales,medium -0.52,0.83,3,153,2,0,0,0,sales,medium -0.95,0.62,4,255,2,0,0,0,sales,medium -0.66,0.82,4,257,3,1,0,0,sales,medium -0.79,0.66,4,243,3,0,0,0,sales,medium -0.98,0.94,3,179,3,0,0,0,sales,medium -0.4,0.37,3,123,2,0,0,0,sales,medium -1,0.68,3,132,2,0,0,0,sales,medium -0.71,0.79,3,134,3,0,0,0,sales,medium -0.48,0.45,3,277,2,1,0,0,accounting,high -0.76,1,5,265,2,0,0,0,accounting,low -0.61,0.62,4,269,4,0,0,0,accounting,medium -0.74,0.9,4,156,4,0,0,0,hr,medium -0.24,0.94,6,237,5,0,0,0,hr,medium -0.79,0.97,3,271,2,0,0,0,hr,medium -0.75,0.98,3,206,2,0,0,0,hr,low -0.6,0.98,4,192,3,0,0,0,technical,low -0.72,0.95,4,230,3,0,0,0,technical,low -1,0.6,4,261,3,0,0,0,technical,low -0.55,0.88,3,173,3,1,0,0,technical,low -0.3,0.98,2,109,4,1,0,0,technical,low -0.89,0.59,3,247,4,0,0,0,technical,low -0.84,0.84,5,163,3,0,0,0,technical,low -0.67,0.64,4,149,4,0,0,0,technical,low -0.15,0.48,6,218,6,0,0,0,technical,low -0.59,0.75,4,194,2,0,0,0,technical,low -0.5,0.59,4,157,2,0,0,0,technical,low -0.23,0.68,5,244,3,0,0,0,support,low -0.95,0.58,5,169,2,0,0,0,support,low -0.31,0.53,2,146,3,1,0,0,support,low -0.47,0.55,5,207,3,0,0,0,support,low -0.26,0.95,3,195,5,0,0,0,support,low -0.55,0.64,6,148,4,0,0,0,support,low -0.89,0.58,3,272,2,0,0,0,support,low -0.88,0.68,3,185,2,0,0,0,support,low -0.98,0.62,5,260,2,1,0,0,support,low -0.96,0.48,3,182,2,1,0,0,support,medium -0.85,0.65,3,195,3,0,0,0,support,medium -0.96,0.85,3,168,3,0,0,0,technical,medium -0.85,0.88,3,198,4,1,0,0,technical,medium -0.59,0.93,5,172,2,0,0,0,technical,medium -0.51,0.5,4,216,2,1,0,0,management,medium -0.5,0.75,3,232,2,0,0,0,IT,medium -0.53,0.59,3,148,3,0,0,0,IT,medium -0.44,0.83,4,210,2,0,0,0,IT,medium -0.99,0.55,3,197,2,0,0,0,IT,medium -0.73,0.83,4,241,3,0,0,0,IT,medium -0.51,0.71,5,154,2,0,0,0,product_mng,medium -0.5,0.84,3,259,2,0,0,0,product_mng,high -0.52,0.76,4,106,2,1,0,0,product_mng,low -0.74,0.74,5,262,2,0,0,0,product_mng,medium -0.69,0.89,2,202,2,0,0,0,IT,medium -0.22,0.65,5,174,5,1,0,0,RandD,medium -0.49,0.89,4,240,2,0,0,0,RandD,medium -0.7,0.57,5,247,3,0,0,0,RandD,low -0.68,0.63,4,148,3,0,0,0,RandD,low -0.66,0.84,5,187,2,1,0,0,RandD,low -0.99,0.58,4,183,3,0,0,0,marketing,low -0.88,0.59,4,240,2,0,0,0,sales,low -0.2,0.54,4,149,3,0,0,0,accounting,low -0.56,0.44,2,130,3,0,0,0,support,low -0.68,0.85,4,203,2,0,0,0,technical,low -0.85,0.6,3,218,3,0,0,0,management,low -0.95,0.95,4,204,3,1,0,0,marketing,low -0.6,0.77,4,163,3,1,0,0,marketing,low -0.61,0.53,4,183,3,0,0,0,marketing,low -0.55,0.55,4,211,4,0,0,0,sales,low -0.64,0.78,5,156,5,1,0,0,sales,low -0.64,0.6,3,196,3,0,0,0,sales,low -0.87,0.54,4,162,2,0,0,0,sales,low -0.2,0.9,3,218,4,0,0,0,sales,low -0.99,0.64,4,135,2,1,0,0,sales,low -0.96,0.7,2,273,3,0,0,0,sales,low -0.53,0.65,3,241,3,0,0,0,sales,low -0.7,0.39,6,285,4,0,0,0,sales,low -0.68,0.61,6,236,3,0,0,0,sales,medium -0.96,0.48,4,222,3,0,0,0,sales,medium -0.64,0.64,4,242,3,0,0,0,sales,medium -0.86,0.65,5,166,3,0,0,0,sales,medium -0.87,0.84,3,172,3,0,0,0,sales,medium -0.53,0.56,4,249,2,0,0,0,sales,medium -0.72,0.98,4,180,2,0,0,0,sales,medium -0.83,0.59,4,197,4,0,0,0,sales,medium -0.97,0.54,5,185,2,0,0,0,sales,medium -0.92,0.76,3,171,2,0,0,0,sales,medium -0.82,0.95,6,191,6,0,0,0,accounting,medium -0.59,0.56,4,250,2,0,0,0,accounting,medium -0.84,0.95,5,199,3,0,0,0,accounting,high -0.71,0.84,3,139,2,0,0,0,hr,low -0.49,0.98,3,224,3,0,0,0,hr,medium -0.78,0.61,3,227,3,0,0,0,hr,medium -0.84,0.81,4,198,2,0,0,0,hr,medium -0.85,0.96,5,165,5,0,0,0,technical,medium -0.87,0.93,4,199,3,0,0,0,technical,low -0.94,0.84,5,203,3,0,0,0,technical,low -0.82,0.97,4,243,3,1,0,0,technical,low -0.78,0.78,3,135,3,0,0,0,technical,low -0.47,0.55,4,100,4,1,0,0,technical,low -0.5,0.48,2,150,3,1,0,0,technical,low -0.75,0.82,4,252,3,0,0,0,technical,low -0.36,0.39,3,98,3,0,0,0,technical,low -0.91,0.61,3,262,3,0,0,0,technical,low -0.87,0.68,3,257,3,0,0,0,technical,low -0.97,0.94,3,160,3,0,0,0,support,low -0.71,0.65,3,190,3,0,0,0,support,low -0.83,0.65,3,231,2,0,0,0,support,low -0.42,0.51,3,190,4,0,0,0,support,low -0.53,0.51,4,181,3,0,0,0,support,low -0.56,0.88,4,273,3,0,0,0,support,low -0.26,0.7,5,214,6,1,0,0,support,low -0.53,0.49,4,192,2,0,0,0,support,low -0.99,0.73,4,224,2,0,0,0,support,low -0.48,0.43,3,96,3,0,0,0,support,low -0.91,0.5,3,276,4,0,0,0,support,low -0.76,0.79,3,162,2,1,0,0,technical,medium -0.67,0.8,4,190,4,0,0,0,technical,medium -0.58,0.6,4,147,3,0,0,0,technical,medium -0.57,0.78,4,143,3,0,0,0,management,medium -0.55,0.57,5,280,6,1,0,0,IT,medium -0.79,0.49,3,137,2,0,0,0,IT,medium -0.48,0.98,3,259,6,0,0,0,IT,medium -0.68,0.69,4,176,3,1,0,0,IT,medium -0.19,0.64,5,231,4,1,0,0,IT,medium -0.99,0.48,3,104,3,0,0,0,product_mng,medium -0.3,0.76,5,224,2,0,0,0,product_mng,medium -0.81,0.85,4,202,3,1,0,0,product_mng,medium -0.58,0.74,4,180,3,0,0,0,product_mng,high -0.74,0.61,3,228,2,1,0,0,IT,low -0.59,0.74,5,165,2,0,0,0,RandD,medium -0.46,0.63,2,177,6,0,0,0,RandD,medium -0.58,0.43,3,194,2,1,0,0,RandD,medium -0.77,0.95,3,192,4,1,0,0,RandD,medium -0.79,0.77,4,171,2,0,0,0,RandD,low -0.51,0.95,3,187,2,0,0,0,marketing,low -0.7,0.58,3,205,3,0,0,0,sales,low -0.84,0.73,5,230,4,1,0,0,accounting,low -0.19,0.9,5,172,2,0,0,0,support,low -0.9,0.52,4,167,3,1,0,0,technical,low -0.19,0.91,5,145,3,0,0,0,management,low -0.96,0.53,3,166,3,0,0,0,marketing,low -0.87,1,3,148,3,0,0,0,marketing,low -0.5,0.89,5,223,3,0,0,0,marketing,low -0.88,0.58,2,123,4,0,0,0,sales,low -0.55,0.99,3,158,3,0,0,0,sales,low -0.89,0.86,3,223,2,0,0,0,sales,low -0.58,0.69,3,252,3,0,0,0,sales,low -0.58,0.96,5,143,2,0,0,0,sales,low -0.34,0.88,5,131,6,0,0,0,sales,low -0.54,0.65,5,206,4,1,0,0,sales,low -0.59,0.54,4,210,3,0,0,0,sales,low -0.88,0.96,4,262,3,0,0,0,sales,medium -0.72,0.69,4,147,3,0,0,0,sales,medium -0.79,0.75,4,259,3,0,0,0,sales,medium -0.51,0.73,4,174,3,0,0,0,sales,medium -0.84,0.84,3,150,4,0,0,0,sales,medium -0.95,0.67,4,219,2,0,0,0,sales,medium -0.58,0.88,5,178,4,0,0,0,sales,medium -0.69,0.98,3,269,3,1,0,0,sales,medium -0.17,0.64,6,205,5,1,0,0,sales,medium -0.81,0.72,3,232,3,1,0,0,sales,medium -0.41,0.5,3,193,3,0,0,0,sales,medium -0.12,0.42,3,110,2,0,0,0,accounting,medium -0.71,0.6,4,208,3,0,0,0,accounting,high -0.32,0.69,5,157,4,0,0,0,accounting,low -0.83,0.98,5,187,4,0,0,0,hr,medium -0.74,0.92,4,226,3,0,0,0,hr,medium -0.67,0.85,4,266,3,0,0,0,hr,medium -0.85,0.56,3,159,3,0,0,0,hr,medium -0.49,0.75,4,259,3,1,0,0,technical,low -0.7,0.74,4,150,3,1,0,0,technical,low -0.44,0.58,4,152,3,0,0,0,technical,low -0.5,0.87,5,245,2,0,0,0,technical,low -0.63,0.74,5,227,2,0,0,0,technical,low -0.87,0.77,4,261,3,0,0,0,technical,low -0.82,0.53,4,162,3,1,0,0,technical,low -0.97,0.89,4,193,3,0,0,0,technical,low -0.9,0.81,4,144,2,0,0,0,technical,low -0.41,0.5,6,151,2,0,0,0,technical,low -0.58,0.94,4,225,2,0,0,0,technical,low -0.77,0.5,5,170,2,0,0,0,support,low -0.89,0.75,4,246,3,1,0,0,support,low -0.64,0.72,4,254,3,0,0,0,support,low -0.31,0.79,2,193,4,0,0,0,support,low -0.6,0.88,4,175,3,0,0,0,support,low -0.2,1,3,123,4,0,0,0,support,low -0.13,0.6,3,178,5,0,0,0,support,low -0.95,0.9,3,259,2,0,0,0,support,low -0.15,0.96,5,201,6,0,0,0,support,low -0.22,0.98,4,185,3,0,0,0,support,low -0.33,0.51,2,166,3,0,0,0,support,medium -0.23,0.96,4,213,4,0,0,0,technical,medium -0.85,0.79,4,138,2,0,0,0,technical,medium -0.79,0.57,3,168,2,0,0,0,technical,medium -0.6,0.6,4,197,3,0,0,0,management,medium -0.89,0.74,5,220,3,0,0,0,IT,medium -0.65,0.92,3,101,3,1,0,0,IT,medium -0.61,0.7,4,175,3,1,0,0,IT,medium -0.4,0.79,5,181,5,0,0,0,IT,medium -0.49,0.57,3,157,3,0,0,0,IT,medium -0.95,0.75,3,247,2,0,0,0,product_mng,medium -0.85,1,5,244,2,0,0,0,product_mng,medium -0.24,0.39,4,152,5,0,0,0,product_mng,high -0.85,0.99,5,176,4,0,0,0,product_mng,low -0.99,0.98,5,241,2,0,0,0,IT,medium -0.49,0.49,4,240,2,0,0,0,RandD,medium -0.56,0.73,3,226,3,0,0,0,RandD,medium -0.65,0.66,6,240,4,0,0,0,RandD,medium -0.62,0.68,3,253,5,1,0,0,RandD,low -0.78,0.68,4,174,3,1,0,0,RandD,low -0.54,0.7,3,213,2,0,0,0,marketing,low -0.61,0.77,4,195,2,0,0,0,sales,low -0.49,0.99,6,230,4,0,0,0,accounting,low -0.29,0.85,2,248,6,1,0,0,support,low -0.64,0.79,4,274,2,1,0,0,technical,low -0.93,0.94,4,217,2,0,0,0,management,low -0.16,0.66,6,229,6,0,0,0,marketing,low -0.68,0.85,5,173,3,0,0,0,marketing,low -0.71,0.8,2,146,4,0,0,0,marketing,low -0.62,0.82,5,151,5,0,0,0,sales,low -0.74,0.75,2,137,3,1,0,0,sales,low -0.81,0.5,3,198,3,0,0,0,sales,low -0.2,0.82,4,190,5,0,0,0,sales,low -0.51,0.91,4,206,3,0,0,0,sales,low -0.55,0.99,4,238,3,0,0,0,sales,low -0.45,0.41,3,193,2,1,0,0,sales,low -0.91,0.61,4,176,3,0,0,0,sales,low -0.73,0.59,6,121,5,0,0,0,sales,low -0.98,0.88,4,145,2,0,0,0,sales,low -0.62,0.65,4,212,3,1,0,0,sales,medium -0.57,0.62,3,198,4,0,0,0,sales,medium -0.99,0.57,3,189,4,1,0,0,sales,medium -0.82,0.68,2,200,3,0,0,0,sales,medium -0.24,0.81,4,217,5,0,0,0,sales,medium -0.84,0.73,5,245,3,0,0,0,sales,medium -0.9,0.55,3,260,3,0,0,0,sales,medium -0.13,0.73,5,206,5,0,0,0,sales,medium -0.6,0.67,3,249,2,0,0,0,sales,medium -0.72,0.87,4,154,2,1,0,0,accounting,medium -0.68,0.61,4,147,3,0,0,0,accounting,medium -0.51,0.72,3,148,2,0,0,0,accounting,medium -0.74,0.58,3,220,2,0,0,0,hr,high -0.86,0.73,3,241,3,0,0,0,hr,low -0.85,0.51,3,242,3,0,0,0,hr,medium -0.63,0.85,2,156,3,1,0,0,hr,medium -0.74,0.87,3,155,3,0,0,0,technical,medium -0.6,0.5,3,211,3,0,0,0,technical,medium -0.69,0.82,4,137,2,1,0,0,technical,low -0.56,0.96,2,269,2,0,0,0,technical,low -0.5,0.67,2,142,3,0,0,0,technical,low -0.84,0.5,5,267,2,0,0,0,technical,low -0.93,0.48,5,134,6,0,0,0,technical,low -0.12,0.5,5,287,4,0,0,0,technical,low -0.52,0.58,4,134,3,0,0,0,technical,low -0.6,0.54,3,185,2,0,0,0,technical,low -0.71,1,3,181,4,0,0,0,technical,medium -0.21,0.81,5,169,4,0,0,0,support,medium -0.15,0.84,3,201,6,0,0,0,support,medium -0.38,0.55,2,215,6,0,0,0,support,medium -0.27,0.86,3,222,5,0,0,0,support,medium -0.86,0.64,4,137,2,0,0,0,support,medium -0.17,0.52,6,176,5,0,0,0,support,medium -0.66,0.69,3,257,2,0,0,0,support,medium -0.95,0.51,3,224,4,0,0,0,support,medium -0.59,0.92,5,226,3,0,0,0,support,medium -0.49,0.61,5,196,3,0,0,0,support,medium -0.9,0.88,5,256,4,0,0,0,support,medium -0.98,0.81,3,153,4,0,0,0,technical,medium -0.52,1,4,221,3,0,0,0,technical,medium -0.12,0.95,3,236,3,0,0,0,technical,medium -0.91,0.67,5,137,3,0,0,0,management,medium -0.99,0.62,4,256,2,0,0,0,IT,medium -0.49,0.8,4,161,2,0,0,0,IT,medium -0.92,0.51,4,167,3,1,0,0,IT,medium -0.21,0.84,3,194,2,0,0,0,IT,medium -0.89,0.9,3,231,3,0,0,0,IT,medium -0.84,0.81,4,152,2,1,0,0,product_mng,medium -0.72,0.68,3,150,3,1,0,0,product_mng,medium -0.57,0.46,3,207,3,0,0,0,product_mng,medium -0.9,0.69,4,172,3,0,0,0,product_mng,medium -0.59,0.75,2,273,2,0,0,0,IT,high -0.97,0.69,4,134,3,0,0,0,RandD,high -0.56,0.85,3,109,2,0,0,0,RandD,high -0.78,0.59,4,124,3,1,0,0,RandD,high -0.64,0.72,4,253,4,0,0,0,RandD,high -0.58,0.9,5,224,3,0,0,0,RandD,high -0.68,0.58,3,217,2,0,0,0,marketing,high -0.82,0.73,3,148,4,0,0,0,sales,high -0.83,0.78,5,240,3,0,0,0,accounting,high -0.49,0.49,2,226,3,0,0,0,support,high -0.57,0.95,4,176,3,0,0,0,technical,high -0.66,0.93,4,248,3,0,0,0,management,high -0.78,0.6,2,206,2,0,0,0,marketing,low -0.55,0.8,3,192,3,1,0,0,marketing,low -0.98,0.62,3,140,4,0,0,0,marketing,low -0.89,0.51,4,141,3,0,0,0,sales,low -0.67,0.83,3,220,3,0,0,0,sales,low -1,0.49,4,140,3,0,0,0,sales,low -0.67,0.44,4,194,2,1,0,0,sales,low -0.2,0.98,2,228,3,0,0,0,sales,low -0.71,0.87,4,238,3,0,0,0,sales,low -0.65,0.91,3,207,3,0,0,0,sales,low -0.82,0.82,4,164,2,0,0,0,sales,low -0.48,0.89,3,224,3,0,0,0,sales,low -0.96,0.9,4,201,3,0,0,0,sales,low -0.52,0.63,3,171,2,0,0,0,sales,low -0.24,0.78,5,131,5,0,0,0,sales,low -0.92,0.95,6,239,4,0,0,0,sales,medium -0.66,0.89,3,202,3,1,0,0,sales,medium -0.93,0.68,3,137,3,1,0,0,sales,medium -0.77,0.59,4,153,3,0,0,0,sales,medium -0.6,0.48,4,219,4,1,0,0,sales,medium -0.78,0.49,3,194,3,1,0,0,sales,medium -0.6,0.53,4,228,3,0,0,0,sales,medium -0.31,1,4,177,5,0,0,0,accounting,medium -0.49,0.68,3,181,3,0,0,0,accounting,medium -0.33,0.95,4,280,3,0,0,0,accounting,medium -0.76,0.91,3,133,2,0,0,0,hr,medium -0.65,0.63,3,237,3,0,0,0,hr,medium -0.88,0.75,5,152,3,0,0,0,hr,high -0.52,0.92,5,280,6,1,0,0,hr,high -0.48,0.5,6,253,4,0,0,0,technical,high -0.2,0.59,5,105,4,0,0,0,technical,high -0.93,0.84,3,159,3,0,0,0,technical,high -0.55,0.92,4,257,2,0,0,0,technical,high -0.73,0.64,3,202,4,0,0,0,technical,high -0.57,0.56,3,241,3,0,0,0,technical,high -0.63,0.8,3,267,3,0,0,0,technical,low -0.23,0.88,4,175,6,0,0,0,technical,low -0.93,0.53,3,257,2,1,0,0,technical,low -0.78,0.86,4,240,3,0,0,0,technical,low -0.75,0.73,5,181,3,1,0,0,technical,low -0.61,0.82,3,271,3,0,0,0,support,low -0.36,0.97,5,151,3,0,0,0,support,low -0.59,0.67,2,168,3,0,0,0,support,low -0.78,0.63,4,265,3,0,0,0,support,medium -0.93,0.53,5,204,2,0,0,0,support,medium -0.67,0.72,4,223,3,0,0,0,support,medium -0.52,0.63,4,136,2,0,0,0,support,medium -0.69,0.95,5,184,2,0,0,0,support,medium -0.25,0.8,5,186,4,1,0,0,support,medium -0.4,0.43,3,128,3,0,0,0,support,medium -0.98,0.83,5,211,3,0,0,0,support,medium -0.92,0.89,4,236,4,1,0,0,technical,medium -0.57,0.98,3,214,2,0,0,0,technical,medium -0.81,0.52,4,274,3,0,0,0,technical,medium -0.56,0.67,5,165,3,1,0,0,management,medium -0.86,0.71,5,235,4,0,0,0,IT,medium -0.74,0.9,4,189,2,0,0,0,IT,medium -0.57,0.61,3,112,5,0,0,0,IT,medium -0.9,0.64,3,163,3,0,0,0,IT,medium -0.8,0.57,3,162,2,0,0,0,IT,medium -0.22,0.8,4,149,5,0,0,0,product_mng,medium -0.73,0.84,4,238,2,0,0,0,product_mng,medium -0.48,0.47,3,160,3,0,0,0,product_mng,medium -0.52,0.94,3,263,3,0,0,0,product_mng,medium -0.53,0.71,4,271,3,0,0,0,IT,medium -0.97,0.48,4,221,3,0,0,0,RandD,medium -0.97,0.54,3,255,2,1,0,0,RandD,high -0.54,0.88,4,170,4,0,0,0,RandD,low -0.99,0.7,4,190,4,1,0,0,RandD,medium -0.79,0.76,4,216,4,0,0,0,RandD,medium -0.71,0.54,3,249,3,0,0,0,marketing,medium -0.82,0.76,3,174,3,0,0,0,sales,medium -0.6,0.7,4,265,4,1,0,0,accounting,medium -0.17,0.88,2,206,4,0,0,0,support,medium -0.73,0.6,4,222,3,0,0,0,technical,medium -0.69,0.54,5,152,3,1,0,0,management,medium -0.86,0.61,4,221,2,0,0,0,marketing,medium -0.67,0.55,5,239,2,0,0,0,marketing,medium -0.25,0.96,6,217,4,0,0,0,marketing,low -0.65,0.66,3,164,2,0,0,0,sales,low -0.81,0.56,3,142,3,0,0,0,sales,low -0.58,0.53,4,181,3,1,0,0,sales,low -0.14,0.57,4,207,5,0,0,0,sales,low -0.15,0.37,2,167,3,0,0,0,sales,low -0.98,0.51,3,243,2,0,0,0,sales,low -0.91,0.5,4,231,3,0,0,0,sales,high -0.86,0.71,4,250,3,1,0,0,sales,low -0.56,0.63,3,145,2,0,0,0,sales,high -0.58,0.77,4,190,6,0,0,0,sales,high -0.54,0.64,2,128,2,0,0,0,sales,low -0.59,0.99,5,254,3,1,0,0,sales,low -0.92,0.88,3,145,4,1,0,0,sales,high -0.82,0.8,4,246,3,0,0,0,sales,low -0.86,0.68,5,246,2,0,0,0,sales,medium -0.66,0.77,5,236,3,0,0,0,sales,high -0.85,0.66,3,234,3,0,0,0,sales,medium -0.8,0.6,3,247,2,0,0,0,sales,medium -0.99,0.61,3,154,3,0,0,0,sales,medium -0.25,0.45,3,228,5,0,0,0,accounting,medium -0.93,0.99,4,209,3,1,0,0,accounting,high -0.5,0.54,5,173,2,0,0,0,accounting,medium -0.68,0.71,4,206,2,0,0,0,hr,medium -0.62,0.87,3,151,2,1,0,0,hr,medium -0.99,0.54,4,196,4,1,0,0,hr,high -0.93,0.52,3,229,2,1,0,0,hr,medium -0.2,0.75,3,235,4,0,0,0,technical,high -0.58,0.61,4,200,3,0,0,0,technical,low -0.94,0.76,4,261,6,0,0,0,technical,medium -0.18,0.54,4,165,3,0,0,0,technical,medium -0.18,0.62,3,165,4,0,0,0,technical,medium -0.7,0.74,5,255,2,0,0,0,technical,medium -0.93,0.92,5,185,5,0,0,0,technical,low -0.5,0.76,4,229,3,1,0,0,technical,low -0.54,0.71,3,153,3,0,0,0,technical,low -0.74,0.63,4,238,2,0,0,0,technical,low -0.66,0.67,3,199,2,0,0,0,technical,low -0.61,0.87,3,185,2,1,0,0,support,low -0.74,0.98,3,196,6,1,0,0,support,low -0.48,0.51,4,201,4,0,0,0,support,low -0.65,0.84,3,189,2,1,0,0,support,low -0.94,0.49,2,250,5,0,0,0,support,low -0.91,0.79,4,254,2,0,0,0,support,high -0.87,0.65,3,212,3,1,0,0,support,low -0.23,0.79,5,196,5,1,0,0,support,low -0.4,0.73,4,146,3,0,0,0,support,low -0.68,0.85,3,250,3,0,0,0,support,low -0.95,0.88,3,266,2,1,0,0,support,high -0.63,0.96,4,133,2,0,0,0,technical,low -0.47,0.53,4,181,3,0,0,0,technical,low -0.2,0.5,6,282,6,1,0,0,technical,low -0.72,0.84,2,173,2,1,0,0,management,high -0.56,0.57,5,237,2,0,0,0,IT,low -0.7,0.74,3,202,2,0,0,0,IT,medium -0.59,0.82,3,162,2,0,0,0,IT,high -0.78,0.96,3,248,3,0,0,0,IT,medium -0.62,0.64,3,165,3,0,0,0,IT,high -0.71,0.61,2,216,2,0,0,0,product_mng,medium -0.72,0.45,4,143,6,0,0,0,product_mng,medium -0.76,0.77,3,254,3,0,0,0,product_mng,medium -0.83,0.56,3,186,3,0,0,0,product_mng,medium -0.92,0.99,4,245,4,0,0,0,IT,medium -0.67,0.77,3,157,3,0,0,0,RandD,medium -0.56,0.45,3,184,3,0,0,0,RandD,medium -0.91,0.63,4,210,3,0,0,0,RandD,medium -0.56,0.86,4,137,2,1,0,0,RandD,high -0.72,0.95,3,145,2,0,0,0,RandD,low -0.56,0.86,4,181,3,0,0,0,marketing,medium -0.92,0.56,3,174,3,0,0,0,sales,medium -0.74,0.88,5,183,3,1,0,0,accounting,medium -0.88,0.84,4,171,4,1,0,0,support,medium -0.69,0.72,2,190,2,0,0,0,technical,medium -0.87,0.78,4,142,3,0,0,0,management,medium -0.98,0.5,3,198,3,0,0,0,marketing,medium -0.9,0.61,3,185,3,0,0,0,marketing,medium -0.49,0.87,4,171,3,1,0,0,marketing,medium -0.78,0.57,4,264,3,0,0,0,sales,high -0.58,0.98,3,175,3,0,0,0,sales,low -0.91,0.88,5,210,2,1,0,0,sales,low -0.92,0.75,4,212,3,0,0,0,sales,low -0.36,0.66,4,97,2,0,0,0,sales,high -0.55,0.53,4,214,3,0,0,0,sales,low -0.95,0.96,4,244,3,0,0,0,sales,low -0.5,0.67,3,246,3,0,0,0,sales,low -0.42,0.73,3,115,6,0,0,0,sales,high -0.75,0.68,3,237,5,0,0,0,sales,low -0.88,0.7,4,146,4,0,0,0,sales,low -0.53,0.63,5,159,4,0,0,0,sales,low -0.84,0.4,4,246,3,0,0,0,sales,low -0.49,0.93,3,226,3,0,0,0,sales,low -0.71,0.91,3,261,3,0,0,0,sales,low -0.83,0.64,4,242,2,0,0,0,sales,low -0.88,0.93,4,177,3,0,0,0,sales,medium -0.87,0.53,4,144,3,0,0,0,sales,medium -0.43,0.82,2,221,5,0,0,0,sales,medium -0.8,0.9,5,265,3,0,0,0,accounting,medium -0.32,0.67,5,224,4,1,0,0,accounting,medium -0.77,0.56,3,167,4,0,0,0,accounting,medium -0.97,0.77,3,245,3,0,0,0,hr,medium -0.98,0.63,4,232,2,0,0,0,hr,medium -0.62,0.64,5,229,2,0,0,0,hr,medium -0.53,0.94,4,128,6,0,0,0,hr,medium -0.93,0.49,3,211,2,0,0,0,technical,medium -0.51,0.91,4,194,2,0,0,0,technical,medium -0.76,0.76,4,214,3,0,0,0,technical,high -0.69,0.89,3,216,4,0,0,0,technical,low -0.58,0.6,4,222,3,0,0,0,technical,medium -0.98,0.77,4,144,4,0,0,0,technical,medium -0.58,0.54,3,287,6,0,0,0,technical,medium -0.57,0.97,4,224,4,0,0,0,technical,medium -0.84,0.79,4,157,4,0,0,0,technical,low -0.15,0.67,5,216,6,0,0,0,technical,low -0.88,0.72,5,181,4,0,0,0,technical,low -0.69,0.99,3,133,3,0,0,0,support,low -0.56,0.84,5,154,2,1,0,0,support,low -0.49,0.58,3,265,3,0,0,0,support,low -0.4,0.45,4,113,3,0,0,0,support,low -0.67,0.36,3,280,4,0,0,0,support,low -0.79,0.5,3,213,3,1,0,0,support,low -0.47,0.44,5,255,5,1,0,0,support,low -0.82,0.54,3,243,4,0,0,0,support,low -0.82,0.87,3,206,2,0,0,0,support,low -0.63,0.57,5,149,3,0,0,0,support,low -0.91,0.53,2,273,3,0,0,0,support,low -0.89,1,4,226,2,1,0,0,technical,low -0.96,0.93,3,238,2,0,0,0,technical,low -0.83,0.72,2,226,3,0,0,0,technical,low -0.75,0.92,3,199,3,1,0,0,management,low -0.75,0.82,5,202,3,1,0,0,IT,low -0.41,0.69,2,152,4,1,0,0,IT,low -0.96,0.94,3,167,3,0,0,0,IT,low -0.58,0.79,4,130,3,0,0,0,IT,medium -0.74,0.89,3,229,3,0,0,0,IT,medium -0.78,0.74,4,261,3,1,0,0,product_mng,medium -0.5,0.72,3,182,2,1,0,0,product_mng,medium -1,0.52,4,198,3,0,0,0,product_mng,medium -0.85,0.91,3,244,3,0,0,0,product_mng,medium -0.82,0.89,4,275,3,0,0,0,IT,medium -0.19,0.81,5,245,5,0,0,0,RandD,medium -0.9,0.9,3,147,3,1,0,0,RandD,medium -0.59,1,4,275,3,0,0,0,RandD,medium -0.53,0.46,2,167,2,0,0,0,RandD,medium -0.57,0.5,5,149,5,1,0,0,RandD,medium -0.85,0.99,4,233,2,0,0,0,marketing,high -0.64,0.67,5,167,2,0,0,0,sales,low -0.57,0.54,3,159,3,1,0,0,accounting,medium -0.86,0.85,2,195,4,0,0,0,support,medium -0.6,0.7,5,229,2,0,0,0,technical,medium -0.17,0.76,4,199,5,0,0,0,management,medium -0.54,0.63,3,174,3,0,0,0,marketing,low -0.35,0.78,5,275,4,0,0,0,marketing,low -0.92,0.77,5,217,4,0,0,0,marketing,low -0.66,1,4,192,2,0,0,0,sales,low -0.83,0.9,4,195,3,0,0,0,sales,low -0.89,0.86,3,261,4,0,0,0,sales,low -0.94,0.61,4,199,3,0,0,0,sales,low -0.24,0.85,4,160,5,0,0,0,sales,low -0.69,0.8,3,177,4,0,0,0,sales,low -0.45,0.46,3,179,2,1,0,0,sales,low -0.78,0.93,4,161,3,0,0,0,sales,low -0.91,0.38,5,279,5,0,0,0,sales,low -0.63,0.65,4,246,6,1,0,0,sales,low -0.71,0.8,4,199,2,0,0,0,sales,low -0.73,0.69,3,161,3,0,0,0,sales,low -0.69,0.52,5,219,3,0,0,0,sales,low -0.52,0.57,5,162,3,0,0,0,sales,low -0.78,0.66,4,258,3,0,0,0,sales,low -0.94,0.69,3,269,3,0,0,0,sales,low -0.55,0.73,4,201,3,0,0,0,sales,low -0.43,0.38,2,278,3,1,0,0,sales,low -0.77,0.66,3,147,2,0,0,0,sales,medium -0.59,0.8,5,247,3,0,0,0,accounting,medium -0.65,0.54,4,191,4,0,0,0,accounting,medium -0.82,0.37,2,280,3,0,0,0,accounting,medium -0.31,0.72,2,191,3,0,0,0,hr,medium -0.84,0.65,4,264,2,0,0,0,hr,medium -0.15,0.4,3,236,5,0,0,0,hr,medium -0.64,0.52,4,271,2,1,0,0,hr,medium -0.48,0.63,5,129,5,0,0,0,technical,medium -0.82,0.58,4,249,5,0,0,0,technical,medium -0.99,0.54,3,188,3,0,0,0,technical,medium -0.8,0.52,3,147,3,1,0,0,technical,medium -0.94,0.92,3,273,3,0,0,0,technical,high -0.94,0.81,4,237,3,1,0,0,technical,low -0.77,0.79,3,273,2,0,0,0,technical,medium -0.48,0.54,3,190,3,0,0,0,technical,medium -0.62,0.68,3,226,3,0,0,0,technical,medium -0.61,0.9,4,216,3,0,0,0,technical,medium -0.27,0.6,6,205,5,1,0,0,technical,low -0.89,0.65,3,208,2,0,0,0,support,low -0.58,0.81,4,266,2,0,0,0,support,low -0.64,0.77,3,249,2,1,0,0,support,low -0.73,0.88,5,134,2,1,0,0,support,low -0.74,0.85,2,189,3,0,0,0,support,low -0.75,0.82,4,143,2,0,0,0,support,low -0.78,0.84,4,173,3,0,0,0,support,low -0.18,0.95,6,248,3,0,0,0,support,low -0.8,0.84,3,186,6,0,0,0,support,low -0.89,0.64,5,191,3,0,0,0,support,low -0.84,0.5,3,227,2,0,0,0,support,low -0.64,0.38,2,269,5,0,0,0,technical,low -0.53,0.82,3,254,3,1,0,0,technical,low -0.15,0.66,4,180,4,0,0,0,technical,low -0.66,0.62,3,144,3,0,0,0,management,low -0.49,0.78,5,137,3,1,0,0,IT,low -0.78,0.72,3,223,4,0,0,0,IT,low -0.39,0.75,5,286,5,0,0,0,IT,low -0.9,0.83,3,151,3,0,0,0,IT,low -0.96,0.74,5,244,2,1,0,0,IT,low -0.63,0.81,4,216,4,0,0,0,product_mng,medium -0.63,0.74,4,173,3,0,0,0,product_mng,medium -0.89,0.81,3,186,3,0,0,0,product_mng,medium -0.93,0.57,2,205,4,1,0,0,product_mng,medium -0.87,0.59,4,202,3,0,0,0,IT,medium -0.56,0.53,3,189,3,0,0,0,RandD,medium -0.97,0.55,4,181,5,1,0,0,RandD,medium -0.61,0.51,3,207,3,0,0,0,RandD,medium -0.73,0.46,4,240,4,1,0,0,RandD,medium -0.61,0.69,2,164,2,0,0,0,RandD,medium -0.99,0.71,4,212,2,0,0,0,marketing,medium -0.57,0.75,4,151,2,0,0,0,sales,medium -0.74,0.96,4,197,3,0,0,0,accounting,high -0.86,0.61,5,265,3,0,0,0,support,low -0.68,0.72,4,274,3,0,0,0,technical,medium -0.66,0.63,3,201,4,0,0,0,management,medium -0.86,0.89,3,250,2,0,0,0,marketing,medium -0.85,0.78,3,165,4,0,0,0,marketing,medium -0.98,0.53,5,186,3,0,0,0,marketing,low -0.14,0.73,5,273,4,1,0,0,sales,low -0.2,0.54,5,162,6,0,0,0,sales,low -0.9,0.97,3,141,3,0,0,0,sales,low -0.51,0.96,5,268,4,0,0,0,sales,low -0.63,0.77,3,176,2,1,0,0,sales,low -0.83,0.88,3,223,3,1,0,0,sales,low -0.67,0.72,4,218,2,1,0,0,sales,low -0.96,0.52,4,228,3,0,0,0,sales,low -0.69,0.75,3,204,3,0,0,0,sales,low -0.69,0.9,4,148,2,0,0,0,sales,low -0.64,0.94,3,221,2,0,0,0,sales,low -0.62,0.48,4,271,3,0,0,0,sales,low -0.55,0.75,3,191,3,0,0,0,sales,low -0.98,0.51,4,223,2,0,0,0,sales,low -0.83,0.78,5,250,2,1,0,0,sales,low -0.73,0.77,3,230,2,0,0,0,sales,low -0.58,0.86,3,226,2,0,0,0,sales,low -0.52,0.67,4,182,3,0,0,0,sales,medium -0.91,0.7,3,195,3,0,0,0,sales,medium -0.72,0.64,3,231,2,0,0,0,accounting,medium -0.7,0.74,3,224,3,0,0,0,accounting,medium -0.86,0.92,4,229,4,0,0,0,accounting,medium -0.82,0.57,2,158,3,1,0,0,hr,medium -0.83,0.78,4,242,3,1,0,0,hr,medium -0.99,0.64,3,183,3,0,0,0,hr,medium -0.88,0.58,5,213,4,0,0,0,hr,medium -0.68,0.74,4,263,2,1,0,0,technical,medium -0.9,0.49,3,237,2,0,0,0,technical,medium -0.59,0.67,6,126,3,0,0,0,technical,medium -0.76,0.71,6,168,2,0,0,0,technical,high -0.23,0.63,5,151,4,1,0,0,technical,low -0.8,0.85,4,239,3,0,0,0,technical,medium -0.62,0.49,4,174,3,0,0,0,technical,medium -0.28,0.46,5,277,6,0,0,0,technical,medium -0.81,0.97,3,133,3,0,0,0,technical,medium -0.64,0.91,4,150,3,0,0,0,technical,low -0.76,0.6,5,244,3,1,0,0,technical,low -0.79,0.87,3,232,2,0,0,0,support,low -0.72,0.91,3,267,2,0,0,0,support,low -0.22,0.59,5,162,2,0,0,0,support,low -0.18,0.73,5,228,5,0,0,0,support,low -0.91,0.49,2,180,3,0,0,0,support,low -0.69,0.63,2,252,3,0,0,0,support,low -0.91,0.66,5,212,3,0,0,0,support,low -0.67,0.84,4,224,3,0,0,0,support,low -0.98,0.62,2,240,3,1,0,0,support,low -0.69,0.62,4,183,4,0,0,0,support,low -0.96,0.74,5,160,5,1,0,0,support,low -0.69,0.68,4,225,3,0,0,0,technical,low -0.65,0.68,3,268,2,1,0,0,technical,low -0.7,0.75,3,221,3,0,0,0,technical,low -0.48,0.94,3,173,2,0,0,0,management,low -0.48,0.51,4,103,4,0,0,0,IT,low -0.16,0.89,4,196,3,1,0,0,IT,low -0.72,0.97,3,239,3,0,0,0,IT,low -0.91,0.71,3,171,2,0,0,0,IT,low -0.74,0.54,3,243,3,0,0,0,IT,medium -0.56,0.56,2,153,2,0,0,0,product_mng,medium -0.56,0.41,6,142,3,0,0,0,product_mng,medium -0.88,0.55,5,168,2,0,0,0,product_mng,medium -0.86,0.9,5,180,4,0,0,0,product_mng,medium -0.66,0.84,4,186,3,0,0,0,IT,medium -0.41,0.45,3,236,2,0,0,0,RandD,medium -0.68,0.83,5,267,3,0,0,0,RandD,medium -0.59,0.47,3,129,2,0,0,0,RandD,medium -0.52,0.78,3,181,3,0,0,0,RandD,medium -0.3,0.54,2,99,2,0,0,0,RandD,medium -0.44,0.67,5,170,3,1,0,0,marketing,medium -0.75,0.64,3,195,3,0,0,0,sales,high -0.23,0.94,4,149,6,0,0,0,accounting,low -0.34,0.46,6,132,2,0,0,0,support,medium -0.52,0.59,3,164,3,0,0,0,technical,medium -0.79,0.83,4,250,2,0,0,0,management,medium -0.5,0.77,3,204,2,0,0,0,marketing,medium -0.89,0.65,3,210,3,0,0,0,marketing,low -0.84,0.52,6,98,3,0,0,0,marketing,low -0.26,0.47,3,241,4,0,0,0,sales,low -0.57,0.96,5,203,4,0,0,0,sales,low -0.14,0.99,3,257,4,1,0,0,sales,low -0.94,0.62,5,201,2,0,0,0,sales,low -0.3,0.58,2,124,3,0,0,0,sales,low -0.29,0.43,6,175,3,0,0,0,sales,low -0.82,0.75,3,161,3,0,0,0,sales,low -0.62,0.75,4,183,4,1,0,0,sales,low -0.64,0.99,5,262,5,0,0,0,sales,low -0.17,0.52,4,184,4,0,0,0,sales,low -0.75,0.56,3,207,3,0,0,0,sales,low -0.49,0.73,4,185,3,0,0,0,sales,low -0.84,0.58,4,180,2,0,0,0,sales,low -0.48,0.96,4,224,2,1,0,0,sales,low -0.54,0.53,3,184,3,0,0,0,sales,low -0.76,0.99,5,252,3,1,0,0,sales,low -0.77,0.84,4,196,3,0,0,0,sales,low -0.95,0.97,4,203,2,0,0,0,sales,low -0.72,0.83,4,181,3,0,0,0,sales,low -0.74,0.67,4,148,3,0,0,0,accounting,medium -0.9,0.55,4,211,3,0,0,0,accounting,medium -0.67,0.55,3,246,3,0,0,0,accounting,medium -0.97,0.55,4,258,3,0,0,0,hr,medium -0.55,0.59,3,231,4,0,0,0,hr,medium -0.32,0.95,2,184,5,0,0,0,hr,medium -0.4,0.42,3,146,2,1,0,0,hr,medium -0.66,0.54,2,136,2,0,0,0,technical,low -0.7,0.77,4,266,2,0,0,0,technical,low -0.69,0.89,2,220,3,0,0,0,technical,low -0.72,0.57,2,248,2,0,0,0,technical,low -0.21,0.65,3,183,3,0,0,0,technical,low -0.91,0.9,3,169,3,0,0,0,technical,low -0.72,0.71,3,132,2,1,0,0,technical,low -0.96,0.72,3,197,3,0,0,0,technical,low -1,0.89,4,152,3,0,0,0,technical,low -0.63,0.51,3,126,6,0,0,0,technical,low -0.24,0.74,6,106,5,0,0,0,technical,low -0.44,0.38,4,128,2,0,0,0,support,low -0.92,0.57,3,191,3,0,0,0,support,low -0.51,0.51,4,189,3,0,0,0,support,low -0.77,0.71,5,141,3,0,0,0,support,low -0.8,0.97,4,220,3,0,0,0,support,low -0.84,0.46,5,118,3,0,0,0,support,low -0.91,0.88,5,223,3,0,0,0,support,low -0.64,0.61,3,263,3,0,0,0,support,low -0.15,0.59,5,209,4,1,0,0,support,medium -0.74,0.58,4,193,3,0,0,0,support,medium -0.94,0.78,4,211,3,0,0,0,support,medium -0.57,0.58,3,192,3,0,0,0,technical,medium -0.92,0.63,5,156,3,0,0,0,technical,medium -0.76,0.54,5,278,2,1,0,0,technical,medium -0.73,0.92,3,199,3,1,0,0,management,medium -0.24,0.6,2,194,6,0,0,0,IT,medium -0.42,0.47,2,125,4,0,0,0,IT,medium -0.92,0.82,4,96,4,0,0,0,IT,medium -0.92,0.94,3,234,2,1,0,0,IT,medium -0.68,0.55,6,181,3,0,0,0,IT,medium -0.49,0.86,4,246,2,0,0,0,product_mng,medium -0.57,0.98,3,171,3,0,0,0,product_mng,medium -0.3,0.66,3,198,2,0,0,0,product_mng,medium -0.17,0.81,5,280,4,0,0,0,product_mng,medium -0.91,0.49,3,267,3,0,0,0,IT,medium -0.83,0.91,3,251,2,0,0,0,RandD,medium -0.87,0.76,5,182,3,0,0,0,RandD,medium -0.71,0.8,4,157,3,0,0,0,RandD,medium -0.88,0.5,3,206,2,0,0,0,RandD,medium -0.63,0.94,3,237,3,1,0,0,RandD,medium -0.99,0.58,2,166,3,0,0,0,marketing,medium -0.99,0.81,4,229,2,1,0,0,sales,medium -0.77,0.53,5,256,3,0,0,0,accounting,medium -0.64,0.69,5,114,6,0,0,0,support,medium -0.61,1,5,243,2,0,0,0,technical,medium -0.37,0.82,3,199,5,0,0,0,management,medium -0.19,1,4,188,4,1,0,0,marketing,medium -0.96,0.87,4,187,2,0,0,0,marketing,medium -0.8,0.62,4,216,2,0,0,0,marketing,medium -0.14,0.63,6,215,5,0,0,0,sales,low -0.15,0.69,6,213,6,0,0,0,sales,low -0.52,0.82,4,198,4,0,0,0,sales,low -0.27,0.55,5,121,3,1,0,0,sales,low -0.97,0.96,3,212,3,0,0,0,sales,low -0.52,0.93,2,271,3,0,0,0,sales,low -0.98,0.89,3,186,2,0,0,0,sales,low -0.96,0.95,4,265,2,0,0,0,sales,low -0.28,0.92,3,151,3,0,0,0,sales,low -0.65,0.55,5,206,3,0,0,0,sales,low -0.59,0.63,4,153,3,1,0,0,sales,low -0.64,0.48,4,267,2,1,0,0,sales,low -0.71,0.48,3,161,3,0,0,0,sales,low -0.83,0.84,2,149,3,0,0,0,sales,low -0.95,0.94,2,269,4,1,0,0,sales,low -0.73,0.49,3,248,3,0,0,0,sales,low -0.81,0.75,4,243,2,0,0,0,sales,low -0.71,0.44,2,207,4,0,0,0,sales,low -0.8,0.56,6,111,6,0,0,0,sales,low -0.85,0.53,3,226,2,0,0,0,accounting,low -0.41,0.7,2,151,3,1,0,0,accounting,low -0.51,0.84,4,224,2,0,0,0,accounting,medium -0.49,0.57,4,146,4,0,0,0,hr,medium -0.76,0.55,4,163,2,1,0,0,hr,medium -0.57,0.69,4,255,3,0,0,0,hr,medium -0.54,0.48,6,196,2,0,0,0,hr,medium -0.68,0.74,3,227,2,0,0,0,technical,medium -0.7,0.5,3,251,2,0,0,0,technical,medium -0.77,0.87,4,209,3,0,0,0,technical,medium -0.95,0.51,3,254,4,0,0,0,technical,medium -0.5,0.64,3,249,2,1,0,0,technical,low -0.99,0.53,4,131,3,1,0,0,technical,low -0.94,0.51,5,142,2,0,0,0,technical,low -0.83,0.66,3,239,3,0,0,0,technical,low -0.64,0.81,3,225,3,1,0,0,technical,low -0.16,0.73,6,170,3,0,0,0,technical,low -0.83,0.71,3,254,2,0,0,0,technical,low -0.93,0.73,4,156,2,0,0,0,support,low -0.32,0.64,3,151,3,0,0,0,support,low -0.12,0.9,3,200,3,0,0,0,support,low -0.5,0.5,3,184,3,1,0,0,support,low -0.57,0.74,3,257,2,0,0,0,support,low -0.25,0.75,5,194,5,1,0,0,support,low -0.98,0.56,3,139,2,1,0,0,support,low -0.81,0.51,3,273,2,1,0,0,support,low -0.94,0.63,5,261,3,0,0,0,support,low -0.83,0.57,3,135,3,1,0,0,support,low -0.77,0.4,4,207,5,0,0,0,support,low -0.57,0.65,4,265,3,0,0,0,technical,low -0.18,0.96,5,208,6,0,0,0,technical,medium -0.67,0.71,4,159,2,1,0,0,technical,medium -0.35,0.47,4,151,6,0,0,0,management,medium -0.78,0.44,3,97,4,0,0,0,IT,medium -0.72,0.79,4,154,3,0,0,0,IT,medium -0.9,0.58,3,264,3,0,0,0,IT,medium -0.58,0.49,3,135,2,0,0,0,IT,medium -0.64,0.56,3,238,2,0,0,0,IT,medium -0.91,0.79,4,166,3,0,0,0,product_mng,medium -0.59,0.51,3,156,3,0,0,0,product_mng,medium -0.76,0.8,3,202,3,0,0,0,product_mng,medium -0.76,0.85,3,204,2,1,0,0,product_mng,medium -0.51,0.69,3,135,3,0,0,0,IT,medium -0.54,0.55,4,252,3,0,0,0,RandD,medium -0.67,0.93,5,254,3,1,0,0,RandD,medium -0.68,0.44,5,165,3,0,0,0,RandD,medium -0.97,0.58,3,200,2,0,0,0,RandD,medium -0.5,0.74,3,155,3,0,0,0,RandD,medium -0.81,0.52,3,162,3,0,0,0,marketing,medium -0.77,0.73,4,159,3,1,0,0,sales,medium -0.59,0.75,4,266,3,0,0,0,accounting,medium -1,0.96,4,155,3,0,0,0,support,medium -0.74,0.95,5,170,4,0,0,0,technical,medium -0.91,0.52,4,172,4,1,0,0,management,high -0.77,0.65,3,187,3,0,0,0,marketing,low -0.79,0.98,4,185,2,0,0,0,marketing,medium -0.82,0.51,5,232,3,0,0,0,marketing,medium -0.89,0.96,5,260,3,0,0,0,sales,low -0.83,0.62,4,218,3,0,0,0,sales,low -0.72,0.7,4,217,3,0,0,0,sales,low -0.7,0.74,3,212,3,0,0,0,sales,low -1,0.89,3,189,3,0,0,0,sales,low -0.57,0.66,4,158,2,0,0,0,sales,low -0.55,0.54,5,168,2,0,0,0,sales,low -0.47,0.7,4,134,3,0,0,0,sales,low -0.95,0.77,4,213,3,1,0,0,sales,low -0.29,0.57,5,149,3,0,0,0,sales,low -0.71,0.5,3,201,2,0,0,0,sales,low -0.89,0.68,4,146,3,0,0,0,sales,low -0.81,0.97,4,212,2,0,0,0,sales,low -0.72,0.64,4,140,2,0,0,0,sales,low -1,0.85,4,156,3,0,0,0,sales,low -0.79,0.49,4,163,3,0,0,0,sales,high -0.69,0.84,3,154,2,0,0,0,sales,low -0.97,0.66,4,218,3,0,0,0,sales,high -0.61,0.59,3,157,2,0,0,0,sales,high -0.71,0.89,3,222,3,0,0,0,accounting,low -0.96,0.76,4,152,3,1,0,0,accounting,low -0.77,0.73,5,263,2,0,0,0,accounting,high -0.57,0.99,3,231,3,0,0,0,hr,low -0.92,0.76,4,258,2,0,0,0,hr,medium -0.99,0.92,5,213,2,0,0,0,hr,high -0.86,0.73,3,159,3,0,0,0,hr,medium -0.78,0.66,4,156,3,1,0,0,technical,low -0.85,0.66,3,235,3,0,0,0,technical,low -0.38,0.6,4,190,2,0,0,0,technical,low -0.63,0.93,4,238,2,0,0,0,technical,low -0.66,0.72,4,137,3,0,0,0,technical,low -0.19,0.79,5,171,3,1,0,0,technical,low -0.63,0.59,4,249,2,0,0,0,technical,low -0.32,0.74,6,205,3,0,0,0,technical,low -0.73,0.55,3,149,3,0,0,0,technical,low -0.75,0.89,4,139,3,0,0,0,technical,low -0.7,0.66,4,168,3,0,0,0,technical,low -0.77,0.61,4,181,2,0,0,0,support,low -0.83,0.8,4,150,3,0,0,0,support,low -0.75,0.49,4,246,3,0,0,0,support,low -0.97,0.54,3,271,3,0,0,0,support,medium -0.75,0.55,5,204,3,0,0,0,support,low -0.66,0.84,3,170,4,0,0,0,support,low -0.56,0.49,3,208,3,0,0,0,support,low -0.77,0.98,2,226,3,0,0,0,support,low -0.82,0.81,3,149,3,0,0,0,support,low -0.85,0.59,2,264,2,0,0,0,support,low -0.49,0.79,5,177,2,0,0,0,support,low -0.24,0.87,4,262,3,0,0,0,technical,low -0.32,0.74,3,211,3,0,0,0,technical,low -0.77,0.51,4,141,3,1,0,0,technical,low -0.77,0.83,5,197,4,0,0,0,management,high -0.93,0.87,3,154,3,1,0,0,IT,low -0.22,0.74,5,178,5,0,0,0,IT,low -0.24,0.89,5,169,4,0,0,0,IT,low -0.99,0.99,3,228,4,0,0,0,IT,low -0.61,0.5,3,231,3,0,0,0,IT,high -0.6,0.91,4,185,3,1,0,0,product_mng,low -0.79,0.7,3,195,2,0,0,0,product_mng,low -0.94,0.62,3,147,3,0,0,0,product_mng,low -0.18,0.85,5,192,3,0,0,0,product_mng,high -0.51,0.73,5,241,3,0,0,0,IT,low -0.55,0.92,3,151,3,0,0,0,RandD,medium -0.73,0.74,3,221,3,0,0,0,RandD,high -0.41,0.63,5,263,3,0,0,0,RandD,medium -0.88,0.66,3,178,3,0,0,0,RandD,high -0.23,0.56,5,169,5,0,0,0,RandD,medium -0.78,0.56,3,271,4,0,0,0,marketing,medium -0.34,0.69,3,155,3,0,0,0,marketing,medium -0.51,0.41,2,164,4,0,0,0,sales,medium -0.8,0.86,3,226,2,0,0,0,accounting,medium -0.66,0.57,4,220,2,1,0,0,support,medium -0.62,0.63,5,153,6,0,0,0,technical,medium -0.5,0.97,2,252,4,0,0,0,management,medium -0.96,0.94,3,182,3,0,0,0,marketing,high -0.5,0.84,3,150,2,0,0,0,marketing,low -0.73,0.69,6,273,4,1,0,0,marketing,medium -0.47,0.39,6,215,5,0,0,0,sales,medium -0.49,0.83,3,172,2,0,0,0,sales,medium -0.92,0.62,3,264,2,0,0,0,sales,medium -0.24,0.39,5,158,2,0,0,0,sales,medium -0.61,0.58,4,142,4,0,0,0,sales,medium -0.83,0.89,4,137,3,0,0,0,sales,medium -0.88,0.66,4,275,3,0,0,0,sales,medium -0.61,0.55,3,245,3,0,0,0,sales,medium -0.68,0.54,4,165,4,0,0,0,sales,high -0.51,0.7,4,142,4,1,0,0,sales,low -0.88,0.58,4,215,2,0,0,0,sales,low -0.94,0.84,5,240,3,0,0,0,sales,low -0.58,0.88,4,255,3,0,0,0,sales,high -0.63,0.98,4,265,3,0,0,0,sales,low -0.81,0.49,4,285,4,0,0,0,sales,low -0.61,0.86,3,238,2,0,0,0,sales,low -0.65,0.63,3,137,3,0,0,0,sales,high -0.67,0.63,3,270,5,0,0,0,sales,low -0.64,0.62,4,145,3,1,0,0,sales,low -0.25,0.76,6,182,3,0,0,0,accounting,low -0.13,0.62,3,264,6,0,0,0,accounting,low -0.14,0.89,3,212,6,0,0,0,accounting,low -0.74,0.51,5,198,3,0,0,0,hr,low -0.8,0.81,5,200,3,0,0,0,hr,low -0.5,0.56,3,263,4,0,0,0,hr,medium -0.69,0.75,4,249,4,0,0,0,hr,medium -0.91,0.53,4,212,3,0,0,0,technical,low -0.8,0.51,3,159,3,0,0,0,technical,low -0.93,0.52,3,181,3,0,0,0,technical,low -0.57,0.99,3,100,4,1,0,0,technical,low -0.51,0.58,2,218,2,1,0,0,technical,low -0.98,0.54,4,178,3,0,0,0,technical,low -0.85,0.83,4,219,3,0,0,0,technical,low -0.73,0.56,5,239,3,0,0,0,technical,low -0.97,0.9,3,255,2,0,0,0,technical,low -0.52,0.61,4,163,2,0,0,0,technical,low -0.31,0.38,3,173,2,0,0,0,technical,low -0.49,0.77,3,147,3,0,0,0,support,low -0.81,0.44,4,166,4,1,0,0,support,low -0.52,0.8,5,209,2,0,0,0,support,low -0.69,0.56,5,271,3,0,0,0,support,low -0.7,0.74,3,253,4,1,0,0,support,low -0.65,0.85,4,233,2,0,0,0,support,low -0.54,0.71,2,194,2,0,0,0,support,low -0.57,0.49,2,237,2,0,0,0,support,low -0.78,0.9,4,238,2,0,0,0,support,low -0.99,0.92,4,212,3,0,0,0,support,low -0.57,0.83,5,189,3,0,0,0,support,low -0.33,0.58,3,115,3,0,0,0,technical,low -0.97,0.58,4,159,3,0,0,0,technical,low -0.95,0.58,5,133,3,0,0,0,technical,low -0.69,0.83,5,225,3,0,0,0,management,low -0.97,0.91,2,112,5,0,0,0,IT,low -0.4,0.59,3,111,4,1,0,0,IT,low -0.67,0.71,4,178,6,0,0,0,IT,low -0.96,0.58,5,178,3,0,0,0,IT,low -0.49,0.95,2,181,4,1,0,0,IT,low -0.56,0.66,3,139,2,0,0,0,product_mng,low -0.99,0.78,2,177,4,0,0,0,product_mng,low -0.49,0.88,4,270,3,0,0,0,product_mng,low -0.53,0.69,4,135,3,0,0,0,product_mng,low -0.75,0.5,4,166,4,0,0,0,IT,low -0.51,0.89,3,230,4,0,0,0,marketing,low -0.65,0.9,3,163,3,1,0,0,marketing,medium -0.45,0.66,2,236,3,0,0,0,marketing,medium -0.98,0.91,3,264,4,1,0,0,marketing,medium -0.9,0.74,3,185,2,0,0,0,marketing,medium -0.37,0.62,4,253,2,0,0,0,marketing,medium -0.52,0.99,4,253,3,0,0,0,marketing,medium -0.96,0.78,3,135,3,0,0,0,sales,medium -0.99,0.7,2,182,4,0,0,0,accounting,medium -0.66,0.56,5,202,3,0,0,0,support,medium -0.84,0.54,5,186,2,0,0,0,technical,medium -0.16,0.87,5,163,3,0,0,0,management,medium -0.75,0.59,3,242,3,0,0,0,marketing,medium -0.52,0.74,3,160,2,0,0,0,marketing,high -0.86,0.86,3,173,3,0,0,0,marketing,low -0.75,0.53,3,154,2,0,0,0,sales,medium -0.73,0.99,3,160,3,0,0,0,sales,medium -0.98,0.84,3,139,2,0,0,0,sales,medium -0.8,0.84,3,251,3,0,0,0,sales,medium -0.18,0.48,4,176,4,1,0,0,sales,low -0.37,0.72,2,163,3,0,0,0,sales,low -0.97,0.86,3,257,4,0,0,0,sales,low -0.56,0.68,4,159,3,0,0,0,sales,low -0.32,0.65,2,183,3,0,0,0,sales,low -0.63,0.88,4,260,2,0,0,0,sales,low -0.36,0.78,6,151,3,0,0,0,sales,low -0.75,0.49,4,246,3,1,0,0,sales,low -0.42,0.86,3,160,4,1,0,0,sales,low -0.96,0.66,3,155,2,0,0,0,sales,low -0.62,0.78,5,250,6,0,0,0,sales,low -0.78,0.96,2,174,3,0,0,0,sales,low -0.93,0.89,3,262,2,0,0,0,sales,low -0.93,0.87,4,257,2,0,0,0,sales,low -0.45,0.42,4,140,2,0,0,0,sales,low -0.44,0.56,3,123,3,0,0,0,accounting,medium -0.57,0.55,3,264,2,0,0,0,accounting,medium -0.77,0.51,2,254,5,0,0,0,accounting,medium -0.6,0.98,4,205,4,0,0,0,hr,medium -0.25,0.94,6,199,4,0,0,0,hr,medium -0.59,0.43,3,171,3,0,0,0,hr,medium -0.29,0.57,5,98,5,0,0,0,hr,medium -0.5,0.95,3,166,4,1,0,0,technical,low -0.91,0.94,4,264,4,0,0,0,technical,low -0.78,0.65,3,176,2,0,0,0,technical,low -0.73,0.76,2,166,3,0,0,0,technical,low -0.51,0.59,4,169,3,0,0,0,technical,low -0.65,0.82,4,257,3,0,0,0,technical,low -0.25,0.87,3,265,4,0,0,0,technical,low -0.5,0.63,5,167,2,0,0,0,technical,low -0.53,0.58,4,134,2,0,0,0,technical,low -0.57,0.76,2,176,3,0,0,0,technical,low -0.77,0.91,5,274,3,0,0,0,technical,low -0.94,0.77,3,201,3,0,0,0,support,low -0.5,0.53,3,121,4,0,0,0,support,low -0.47,0.57,3,97,4,0,0,0,support,low -0.92,0.54,4,217,4,0,0,0,support,low -0.9,0.87,3,220,3,0,0,0,support,low -0.54,0.46,2,98,4,0,0,0,support,low -0.58,0.97,5,265,3,0,0,0,support,low -0.95,0.87,3,201,3,0,0,0,support,low -0.52,0.71,3,151,3,0,0,0,support,low -0.83,0.51,4,199,3,0,0,0,support,low -0.54,0.92,4,175,3,0,0,0,support,low -0.8,0.85,5,253,3,1,0,0,technical,low -0.52,0.57,3,183,2,0,0,0,technical,low -0.83,0.8,5,223,3,0,0,0,technical,low -0.74,0.55,5,168,4,0,0,0,management,low -0.87,0.71,5,244,2,0,0,0,IT,low -0.45,0.87,2,268,4,1,0,0,IT,low -0.72,0.72,4,218,4,0,0,0,IT,low -0.27,0.85,2,277,6,1,0,0,IT,low -0.51,0.88,5,225,2,1,0,0,IT,low -0.55,0.55,4,257,3,0,0,0,product_mng,low -0.89,0.69,4,170,3,0,0,0,product_mng,low -0.85,0.86,3,179,3,0,0,0,product_mng,low -0.29,0.85,4,211,2,0,0,0,product_mng,low -0.96,0.5,3,217,2,1,0,0,IT,low -0.9,0.68,3,135,3,0,0,0,RandD,low -0.28,0.94,6,167,3,1,0,0,RandD,low -0.93,0.98,4,189,3,0,0,0,RandD,medium -0.51,0.57,3,162,3,1,0,0,RandD,medium -0.97,0.76,3,193,3,0,0,0,RandD,medium -0.71,0.55,4,273,3,1,0,0,RandD,medium -0.52,0.69,6,138,5,0,0,0,marketing,medium -0.87,0.84,4,237,3,1,0,0,sales,medium -0.78,0.61,5,260,2,0,0,0,accounting,medium -0.57,0.82,3,149,5,1,0,0,support,medium -0.34,0.49,4,149,3,0,0,0,technical,medium -0.95,0.95,4,137,4,0,0,0,management,medium -0.72,0.73,5,167,3,0,0,0,marketing,medium -0.61,0.37,4,165,6,0,0,0,marketing,medium -0.39,0.39,2,131,2,0,0,0,marketing,high -0.72,0.59,5,138,2,0,0,0,sales,low -0.86,0.91,4,234,3,1,0,0,sales,medium -0.69,0.67,4,141,3,0,0,0,sales,medium -0.5,0.65,4,266,3,1,0,0,sales,medium -0.62,0.68,3,134,2,0,0,0,sales,medium -0.76,0.55,4,147,3,0,0,0,sales,low -0.97,0.88,4,237,4,0,0,0,sales,low -0.78,0.57,5,114,4,0,0,0,sales,low -0.81,0.89,4,166,2,1,0,0,sales,low -0.15,0.95,4,173,5,1,0,0,sales,low -0.72,0.5,3,205,3,1,0,0,sales,low -0.8,0.5,3,219,3,0,0,0,sales,low -0.76,0.74,3,173,2,0,0,0,sales,low -0.19,0.73,4,231,3,0,0,0,sales,low -0.75,0.75,5,133,2,0,0,0,sales,low -0.94,0.49,4,220,3,0,0,0,sales,low -0.93,0.59,5,158,3,0,0,0,sales,low -0.96,0.92,3,182,4,0,0,0,sales,low -0.14,0.57,6,275,5,0,0,0,sales,low -0.75,0.71,3,237,3,1,0,0,accounting,low -0.6,0.59,5,146,4,0,0,0,accounting,low -0.65,0.48,4,144,3,0,0,0,accounting,low -0.59,0.79,2,195,3,0,0,0,hr,low -0.93,0.78,5,191,4,0,0,0,hr,medium -0.5,1,3,149,2,0,0,0,hr,medium -0.62,0.55,4,137,3,1,0,0,hr,medium -0.24,0.58,3,184,5,1,0,0,technical,medium -0.66,0.87,4,139,3,0,0,0,technical,medium -0.55,0.95,4,249,4,0,0,0,technical,medium -0.91,0.66,3,168,3,0,0,0,technical,medium -0.59,0.51,2,145,5,0,0,0,technical,medium -0.74,0.54,5,221,3,0,0,0,technical,medium -0.43,0.51,2,123,3,0,0,0,technical,medium -0.85,0.99,6,153,6,0,0,0,technical,medium -0.46,0.54,3,183,4,0,0,0,technical,medium -0.48,0.56,4,271,3,0,0,0,technical,high -0.96,1,4,167,2,1,0,0,technical,low -0.55,0.9,4,177,3,0,0,0,support,medium -0.82,0.74,3,256,3,1,0,0,support,medium -0.24,0.65,3,143,4,0,0,0,support,medium -0.69,0.71,3,241,3,0,0,0,support,medium -0.29,0.68,4,210,3,0,0,0,support,low -0.53,0.7,4,155,5,1,0,0,support,low -0.65,0.77,2,248,3,0,0,0,support,low -0.57,0.53,3,162,3,0,0,0,support,low -0.6,0.5,4,137,3,0,0,0,support,low -0.79,0.55,5,242,2,0,0,0,support,low -0.41,0.5,6,257,6,1,0,0,support,low -0.79,0.72,5,245,3,1,0,0,technical,low -0.5,0.8,3,234,3,0,0,0,technical,low -0.8,0.76,4,135,2,0,0,0,technical,low -0.61,0.79,5,269,2,0,0,0,management,low -0.99,0.68,4,238,3,0,0,0,IT,low -0.77,0.86,3,101,5,0,0,0,IT,low -0.7,0.52,5,200,2,1,0,0,IT,low -0.55,0.87,3,241,4,0,0,0,IT,low -0.87,0.63,3,143,3,1,0,0,IT,low -0.97,0.6,3,169,2,1,0,0,product_mng,low -0.56,0.99,4,270,2,0,0,0,product_mng,low -0.99,0.81,4,246,3,1,0,0,product_mng,low -0.57,0.66,4,151,2,0,0,0,product_mng,low -1,0.84,3,227,3,0,0,0,IT,low -0.97,0.74,3,134,3,1,0,0,marketing,high -0.81,0.54,4,155,4,0,0,0,accounting,high -0.76,0.48,5,173,3,0,0,0,accounting,high -0.95,0.55,5,134,3,0,0,0,IT,medium -0.81,0.65,3,195,2,0,0,0,IT,medium -0.8,0.65,3,264,4,0,0,0,management,high -0.72,0.57,3,203,2,1,0,0,marketing,medium -0.68,0.65,3,243,2,0,0,0,sales,medium -0.21,0.61,6,159,5,1,0,0,accounting,medium -0.46,0.4,3,145,2,0,0,0,support,medium -0.8,0.7,3,238,2,0,0,0,technical,medium -0.57,0.64,4,151,2,0,0,0,management,medium -0.58,0.57,5,205,2,0,0,0,marketing,high -0.91,1,4,211,3,0,0,0,marketing,low -0.63,0.67,5,169,2,0,0,0,marketing,medium -0.95,0.86,2,263,4,0,0,0,sales,medium -0.87,0.67,5,143,3,0,0,0,sales,medium -0.22,0.53,5,160,4,1,0,0,sales,medium -0.95,0.65,5,142,2,1,0,0,sales,low -0.18,0.5,4,169,4,0,0,0,sales,low -0.87,0.63,5,214,3,0,0,0,sales,low -0.23,0.84,5,131,5,0,0,0,sales,low -0.93,0.69,3,213,4,0,0,0,sales,low -0.58,0.75,4,244,4,0,0,0,sales,low -0.68,0.55,4,169,3,1,0,0,sales,low -0.76,0.71,4,156,3,0,0,0,sales,low -0.68,0.84,5,161,3,0,0,0,sales,low -0.99,0.47,3,152,5,0,0,0,sales,low -0.64,0.55,3,201,2,0,0,0,sales,low -0.61,0.83,5,269,5,1,0,0,sales,low -0.51,0.5,5,242,2,0,0,0,sales,low -0.69,0.66,3,113,4,0,0,0,sales,low -0.85,0.6,3,251,2,0,0,0,sales,low -0.55,0.89,6,99,3,0,0,0,sales,low -0.56,0.89,4,263,3,0,0,0,accounting,low -0.69,0.68,4,214,4,0,0,0,accounting,low -0.61,0.46,4,172,3,0,0,0,accounting,low -0.47,0.65,4,172,2,0,0,0,hr,low -0.58,0.79,4,196,3,1,0,0,hr,low -0.16,0.56,5,152,5,0,0,0,hr,medium -0.53,0.64,2,109,3,0,0,0,hr,medium -0.82,0.82,5,193,4,0,0,0,technical,medium -0.68,0.61,4,227,3,0,0,0,technical,medium -0.6,0.72,3,181,2,0,0,0,technical,medium -0.93,0.44,5,190,5,0,0,0,technical,medium -0.58,0.49,2,107,3,0,0,0,technical,medium -0.61,0.96,4,161,3,1,0,0,technical,medium -0.74,0.71,4,243,3,0,0,0,technical,medium -0.88,0.91,3,157,2,0,0,0,technical,medium -0.94,0.8,6,147,3,0,0,0,technical,medium -0.44,0.46,3,121,3,0,0,0,technical,medium -0.73,0.52,3,274,2,0,0,0,technical,high -0.9,0.68,4,204,4,1,0,0,support,low -0.97,0.49,3,199,2,0,0,0,support,medium -0.86,0.96,5,246,3,0,0,0,support,medium -0.81,0.98,3,141,3,0,0,0,support,medium -0.24,0.76,6,213,4,0,0,0,support,medium -0.92,0.97,4,199,3,0,0,0,support,low -0.34,0.62,2,257,6,1,0,0,support,low -0.95,0.53,4,143,3,0,0,0,support,low -0.94,0.81,3,150,2,0,0,0,support,low -0.54,0.82,3,284,2,1,0,0,support,low -0.87,0.57,3,149,3,0,0,0,support,low -0.54,0.74,4,160,6,0,0,0,technical,low -0.75,0.49,4,208,4,0,0,0,technical,low -0.88,1,3,248,3,0,0,0,technical,medium -0.78,0.86,3,210,3,0,0,0,management,medium -0.88,0.71,5,219,2,0,0,0,IT,medium -0.51,0.94,4,155,3,0,0,0,IT,medium -0.31,0.7,4,182,3,0,0,0,IT,medium -0.22,1,6,244,3,0,0,0,IT,medium -0.56,0.83,5,157,3,0,0,0,IT,medium -0.38,0.63,2,182,2,0,0,0,product_mng,medium -0.56,0.47,5,185,4,0,0,0,product_mng,medium -0.55,0.9,4,206,3,0,0,0,product_mng,medium -0.74,0.99,4,156,3,0,0,0,product_mng,medium -0.64,0.92,5,211,2,1,0,0,IT,medium -0.69,0.91,6,247,6,0,0,0,RandD,medium -0.99,0.54,3,247,3,0,0,0,RandD,medium -0.66,0.75,4,235,3,0,0,0,RandD,medium -0.79,0.93,5,169,3,0,0,0,RandD,medium -0.92,0.54,3,246,3,0,0,0,RandD,medium -0.84,0.49,3,172,4,0,0,0,RandD,medium -0.31,0.59,4,218,5,0,0,0,marketing,medium -0.34,0.52,6,265,6,0,0,0,sales,medium -0.88,0.96,5,173,4,0,0,0,accounting,medium -0.8,0.84,3,195,3,0,0,0,support,medium -0.75,0.92,3,160,3,1,0,0,technical,medium -0.71,0.7,4,237,4,0,0,0,management,medium -0.66,0.49,3,206,2,0,0,0,marketing,medium -0.54,0.72,6,222,5,0,0,0,marketing,high -0.47,0.4,3,113,3,0,0,0,marketing,high -0.87,0.79,3,244,3,0,0,0,sales,high -0.9,0.52,3,162,2,0,0,0,sales,high -0.51,0.63,3,234,2,0,0,0,sales,high -0.62,0.71,4,168,2,0,0,0,sales,high -0.47,0.43,3,120,3,0,0,0,sales,high -0.59,0.94,5,274,2,0,0,0,sales,high -0.87,0.62,4,202,3,0,0,0,sales,high -0.59,0.97,3,209,3,0,0,0,sales,high -0.87,0.71,6,224,6,0,0,0,sales,high -0.89,0.93,3,168,2,0,0,0,sales,high -0.73,0.68,4,227,3,0,0,0,sales,low -0.79,0.98,3,217,3,0,0,0,sales,low -0.8,0.74,2,205,3,1,0,0,sales,low -0.73,0.89,5,223,3,0,0,0,sales,low -0.96,0.9,3,175,3,1,0,0,sales,low -0.66,0.96,3,175,2,0,0,0,sales,low -0.53,0.97,4,254,3,0,0,0,sales,low -0.86,0.56,5,215,2,0,0,0,sales,low -0.92,0.86,3,166,4,0,0,0,sales,low -0.31,0.95,5,205,3,0,0,0,accounting,low -0.69,0.73,4,233,2,0,0,0,accounting,low -0.7,0.83,3,189,3,0,0,0,accounting,low -0.63,0.74,4,202,3,0,0,0,hr,low -0.24,0.53,6,165,5,0,0,0,hr,low -0.13,0.94,4,213,5,1,0,0,hr,low -0.47,0.41,2,140,3,0,0,0,hr,medium -0.53,0.58,4,251,2,0,0,0,technical,medium -0.96,0.96,5,243,3,0,0,0,technical,medium -0.92,0.88,4,111,4,0,0,0,technical,medium -0.56,0.59,3,178,2,0,0,0,technical,medium -0.51,0.88,5,230,4,0,0,0,technical,medium -0.22,0.85,6,172,6,1,0,0,technical,medium -0.83,0.92,3,268,2,1,0,0,technical,medium -0.85,0.48,2,208,4,0,0,0,technical,medium -0.85,0.92,3,188,4,0,0,0,technical,medium -0.85,0.9,5,247,2,0,0,0,technical,medium -0.73,0.82,4,205,4,0,0,0,technical,medium -0.18,0.52,3,213,4,0,0,0,support,high -0.63,0.87,4,145,3,1,0,0,support,high -0.5,0.48,2,106,2,0,0,0,support,high -0.63,0.47,3,180,3,1,0,0,support,high -0.15,0.95,4,251,5,0,0,0,support,high -0.96,0.69,4,156,5,0,0,0,support,high -0.96,0.91,5,179,2,0,0,0,support,high -0.31,0.51,4,229,6,0,0,0,support,high -0.59,0.49,4,149,4,0,0,0,support,low -0.75,0.98,4,198,3,0,0,0,support,low -0.96,0.51,3,241,6,1,0,0,support,low -0.69,0.67,4,156,3,0,0,0,technical,low -0.92,0.89,3,220,2,0,0,0,technical,low -0.96,0.82,5,185,3,0,0,0,technical,low -0.67,0.7,4,222,3,0,0,0,management,low -0.49,0.56,3,221,3,1,0,0,IT,low -0.85,0.65,4,280,3,1,0,0,IT,medium -0.85,0.53,3,250,3,0,0,0,IT,medium -0.91,0.77,4,167,3,1,0,0,IT,medium -0.7,0.48,4,238,3,0,0,0,IT,medium -0.98,0.99,4,132,2,0,0,0,product_mng,medium -0.48,0.48,2,245,5,0,0,0,product_mng,medium -0.39,0.6,2,161,2,0,0,0,product_mng,medium -0.66,0.89,3,242,3,0,0,0,product_mng,medium -0.6,0.61,3,104,5,0,0,0,IT,medium -0.88,0.9,4,152,4,0,0,0,RandD,medium -0.85,0.83,3,226,2,0,0,0,RandD,medium -0.76,0.81,3,175,3,0,0,0,RandD,medium -1,0.67,5,241,4,0,0,0,RandD,medium -0.79,0.74,2,158,3,0,0,0,RandD,medium -0.63,0.52,5,226,4,0,0,0,marketing,medium -0.5,0.83,2,220,2,1,0,0,sales,medium -0.83,0.74,4,233,3,0,0,0,accounting,medium -0.71,0.81,3,141,3,0,0,0,support,medium -0.94,0.87,4,157,3,0,0,0,technical,medium -0.56,0.57,2,112,4,0,0,0,management,medium -0.78,0.71,4,216,2,0,0,0,marketing,medium -0.34,0.46,5,131,3,0,0,0,marketing,medium -0.62,0.67,3,212,3,0,0,0,marketing,medium -0.82,0.74,3,163,2,0,0,0,sales,high -0.42,0.5,2,151,3,0,0,0,sales,low -0.51,0.79,3,137,3,0,0,0,sales,medium -0.63,0.78,2,158,5,1,0,0,sales,medium -0.43,0.81,3,102,3,0,0,0,sales,medium -0.5,0.49,5,256,3,0,0,0,sales,medium -0.81,0.87,4,203,2,0,0,0,sales,medium -0.63,0.7,5,177,2,1,0,0,sales,medium -0.86,0.7,4,197,3,0,0,0,sales,medium -0.92,0.91,3,202,2,0,0,0,sales,medium -0.72,0.78,3,229,2,0,0,0,sales,medium -0.78,0.63,4,181,2,0,0,0,sales,medium -0.76,0.65,3,254,2,0,0,0,sales,low -0.84,0.63,2,162,3,0,0,0,sales,low -0.78,0.54,4,102,3,0,0,0,sales,low -0.57,0.59,4,197,3,0,0,0,sales,low -0.15,0.42,3,98,3,0,0,0,sales,low -0.69,0.77,3,232,2,0,0,0,sales,low -0.73,0.6,3,252,4,1,0,0,sales,low -0.96,0.54,5,161,3,1,0,0,accounting,high -0.91,0.78,4,169,4,0,0,0,accounting,low -0.58,0.97,2,216,3,0,0,0,accounting,high -0.84,0.56,3,266,3,0,0,0,hr,high -0.51,0.58,3,141,3,0,0,0,hr,low -0.71,0.95,4,249,3,0,0,0,hr,low -0.63,0.82,5,268,3,0,0,0,hr,high -0.66,0.51,3,192,3,0,0,0,technical,low -0.5,0.8,6,201,5,0,0,0,technical,medium -0.56,0.89,3,163,3,1,0,0,technical,high -0.57,0.46,3,167,4,0,0,0,technical,medium -0.7,0.65,5,202,3,1,0,0,technical,medium -0.84,0.62,5,245,4,0,0,0,technical,medium -0.33,0.59,3,243,2,0,0,0,technical,medium -0.64,0.94,3,204,2,0,0,0,technical,high -0.93,0.54,4,239,2,0,0,0,technical,medium -1,0.58,4,229,2,1,0,0,technical,medium -0.91,0.49,3,213,4,0,0,0,technical,medium -0.56,0.59,5,254,4,0,0,0,support,high -0.62,0.52,6,253,4,0,0,0,support,medium -0.98,0.68,4,253,3,0,0,0,support,high -0.96,0.85,5,211,4,0,0,0,support,low -0.61,0.99,5,98,2,0,0,0,support,medium -0.92,0.66,4,133,3,0,0,0,support,medium -0.58,0.67,5,265,3,0,0,0,support,medium -0.47,0.49,2,112,3,1,0,0,support,medium -0.87,0.7,3,224,3,0,0,0,support,low -0.8,0.64,5,180,2,0,0,0,support,low -0.54,0.53,3,203,2,0,0,0,support,low -0.14,0.83,6,275,6,0,0,0,technical,low -0.98,0.76,5,168,3,0,0,0,technical,low -0.13,0.58,4,203,4,0,0,0,technical,low -0.64,0.81,3,209,3,0,0,0,management,low -0.91,0.75,3,166,2,0,0,0,IT,low -0.24,0.71,3,187,5,0,0,0,IT,low -0.34,0.42,6,287,5,1,0,0,IT,low -0.51,0.85,2,248,4,0,0,0,IT,high -0.91,0.7,3,193,2,0,0,0,IT,low -0.86,0.9,4,162,3,0,0,0,product_mng,low -1,0.61,3,188,4,0,0,0,product_mng,low -0.37,0.41,6,101,3,0,0,0,product_mng,low -0.46,0.73,6,256,4,0,0,0,product_mng,high -0.86,0.8,5,134,2,0,0,0,IT,low -0.36,0.68,2,126,4,0,0,0,marketing,high -0.52,0.93,2,243,3,0,0,0,accounting,high -0.51,0.73,3,205,4,0,0,0,accounting,high -0.69,0.94,5,259,2,0,0,0,IT,medium -0.67,0.5,5,219,3,0,0,0,IT,medium -0.6,0.99,5,161,3,0,0,0,management,high -0.71,0.57,3,207,3,0,0,0,marketing,medium -0.65,0.79,3,201,3,1,0,0,sales,high -0.48,0.92,3,234,3,0,0,0,accounting,medium -0.67,0.58,4,158,3,0,0,0,support,medium -0.68,0.63,5,185,4,0,0,0,technical,medium -0.74,0.85,3,176,3,0,0,0,management,medium -0.9,0.77,5,163,3,0,0,0,marketing,medium -0.67,0.83,3,171,3,1,0,0,marketing,medium -0.64,0.66,5,163,4,0,0,0,marketing,medium -0.54,0.87,4,163,3,0,0,0,sales,medium -0.6,0.73,2,180,2,0,0,0,sales,high -0.72,0.67,3,243,3,0,0,0,sales,low -0.97,0.49,4,213,2,0,0,0,sales,medium -0.99,0.89,3,273,2,0,0,0,sales,medium -0.75,0.93,4,195,3,0,0,0,sales,medium -0.84,0.98,4,246,3,0,0,0,sales,medium -0.76,0.5,3,196,3,1,0,0,sales,medium -0.96,0.51,5,205,2,1,0,0,sales,medium -0.12,0.81,4,287,6,0,0,0,sales,medium -0.54,0.79,3,211,3,0,0,0,sales,medium -0.69,0.98,3,261,4,0,0,0,sales,medium -0.77,0.71,5,204,3,0,0,0,sales,high -0.96,0.86,2,163,3,0,0,0,sales,low -0.53,0.62,4,162,2,0,0,0,sales,low -0.54,0.72,4,259,2,1,0,0,sales,low -0.89,0.64,4,151,5,0,0,0,sales,high -0.52,0.84,2,266,2,0,0,0,sales,low -0.29,0.65,5,110,5,1,0,0,sales,low -0.93,0.6,4,271,3,0,0,0,accounting,low -0.71,0.68,4,208,2,0,0,0,accounting,high -0.23,0.5,2,150,6,0,0,0,accounting,low -0.89,0.96,3,122,4,0,0,0,hr,low -0.51,0.5,4,246,3,0,0,0,hr,low -0.27,0.64,2,188,3,0,0,0,hr,low -0.9,0.53,3,167,3,0,0,0,hr,low -0.88,0.57,4,261,4,0,0,0,technical,low -0.91,0.83,4,235,3,0,0,0,technical,low -0.65,0.63,4,199,2,0,0,0,technical,medium -0.68,0.5,4,166,4,1,0,0,technical,medium -0.58,0.63,4,272,3,0,0,0,technical,medium -0.68,0.62,3,158,3,0,0,0,technical,medium -0.59,0.76,3,264,3,0,0,0,technical,medium -0.56,0.57,5,274,3,0,0,0,technical,medium -0.74,0.44,5,169,3,1,0,0,technical,medium -0.5,0.91,4,148,2,0,0,0,technical,medium -0.85,0.65,4,162,2,0,0,0,technical,medium -0.57,0.48,5,221,3,0,0,0,support,medium -0.89,0.58,3,167,3,0,0,0,support,medium -0.76,0.66,5,206,2,0,0,0,support,medium -0.96,0.7,3,169,3,0,0,0,support,high -0.81,0.68,4,179,3,0,0,0,support,low -0.79,0.85,4,100,6,0,0,0,support,medium -0.63,0.66,3,177,2,1,0,0,support,medium -0.92,0.82,5,252,3,0,0,0,support,medium -0.77,0.74,4,202,4,0,0,0,support,medium -0.73,0.87,4,263,2,0,0,0,support,low -0.74,0.98,4,160,2,0,0,0,support,low -0.8,0.74,5,229,3,1,0,0,technical,low -0.82,0.85,5,195,4,0,0,0,technical,low -0.48,0.81,3,212,2,0,0,0,technical,low -0.79,0.54,6,190,4,0,0,0,management,low -0.87,0.41,3,219,3,1,0,0,IT,low -0.96,0.88,2,193,2,0,0,0,IT,low -0.96,0.58,5,197,4,1,0,0,IT,low -0.69,0.66,3,206,2,0,0,0,IT,low -0.42,0.58,2,140,3,0,0,0,IT,low -0.7,0.76,3,173,2,0,0,0,product_mng,low -0.97,0.76,6,142,2,0,0,0,product_mng,low -0.6,0.59,3,237,4,1,0,0,product_mng,low -0.63,0.63,5,252,2,0,0,0,product_mng,low -0.65,0.82,4,196,2,0,0,0,IT,low -0.85,0.81,3,205,3,0,0,0,marketing,high -0.54,0.83,3,201,3,0,0,0,accounting,high -0.23,0.74,5,120,4,0,0,0,accounting,high -0.95,0.73,2,187,2,0,0,0,IT,medium -1,0.51,5,274,4,0,0,0,IT,medium -0.77,0.93,3,227,3,0,0,0,management,high -0.8,0.53,3,245,3,0,0,0,sales,medium -0.88,0.56,4,243,4,0,0,0,accounting,medium -0.73,0.68,3,132,2,0,0,0,support,medium -0.54,0.9,3,206,3,0,0,0,technical,medium -0.92,0.58,5,205,2,1,0,0,management,medium -0.14,0.88,3,162,4,0,0,0,marketing,medium -0.65,0.79,5,266,3,0,0,0,marketing,medium -0.17,0.89,5,261,5,0,0,0,marketing,medium -0.18,0.67,5,209,4,0,0,0,sales,medium -0.58,0.5,5,184,4,0,0,0,sales,medium -0.63,0.67,4,229,3,0,0,0,sales,medium -0.68,0.81,3,180,2,1,0,0,sales,high -0.91,0.98,5,135,3,0,0,0,sales,low -0.95,0.94,3,174,3,0,0,0,sales,medium -0.89,0.76,2,278,2,0,0,0,sales,medium -0.76,0.76,3,197,2,0,0,0,sales,medium -0.96,0.72,3,157,3,0,0,0,sales,medium -0.78,0.63,4,156,3,0,0,0,sales,low -0.98,0.9,3,186,4,0,0,0,sales,low -0.76,0.42,3,217,2,0,0,0,sales,low -0.63,0.49,5,192,2,0,0,0,sales,low -0.39,0.37,3,127,3,0,0,0,sales,low -0.91,0.67,3,257,2,0,0,0,sales,low -0.8,0.8,4,229,4,0,0,0,sales,low -0.89,0.64,4,274,2,1,0,0,sales,low -0.75,0.41,5,196,4,0,0,0,sales,low -0.94,0.85,3,137,3,0,0,0,sales,low -0.5,0.75,4,239,2,0,0,0,accounting,low -0.75,0.95,4,177,3,0,0,0,accounting,low -0.84,0.78,5,164,3,0,0,0,accounting,low -0.55,0.81,5,229,3,0,0,0,hr,low -0.59,0.82,3,149,3,0,0,0,hr,low -0.58,0.43,3,224,6,0,0,0,hr,low -0.91,0.59,5,179,3,0,0,0,hr,low -0.43,0.92,5,151,4,0,0,0,technical,low -0.51,0.79,5,222,2,0,0,0,technical,low -0.81,0.96,4,219,2,0,0,0,technical,low -0.72,0.39,3,257,3,0,0,0,technical,low -0.89,0.99,4,258,3,1,0,0,technical,medium -0.61,0.74,5,185,2,1,0,0,technical,medium -0.57,0.7,3,248,2,0,0,0,technical,medium -0.74,0.82,5,154,2,0,0,0,technical,medium -0.87,0.64,3,187,2,0,0,0,technical,medium -0.58,0.62,3,182,3,0,0,0,technical,medium -0.63,0.59,3,189,3,0,0,0,technical,medium -0.89,0.85,4,195,4,0,0,0,support,medium -0.49,0.74,2,154,3,0,0,0,support,medium -0.59,0.59,4,244,3,0,0,0,support,medium -0.71,0.99,3,228,2,0,0,0,support,medium -0.58,0.62,3,218,3,0,0,0,support,medium -0.84,0.61,5,202,3,0,0,0,support,high -0.92,0.48,4,208,3,0,0,0,support,low -0.91,0.59,3,266,2,0,0,0,support,medium -0.92,0.78,4,177,2,0,0,0,support,medium -0.95,0.65,3,183,3,0,0,0,support,medium -0.53,0.62,4,201,3,0,0,0,support,medium -0.89,0.89,5,179,2,0,0,0,technical,low -0.81,0.84,3,198,2,0,0,0,technical,low -0.78,0.67,5,209,3,0,0,0,technical,low -0.66,0.48,3,203,4,1,0,0,management,low -0.37,0.71,6,266,5,0,0,0,IT,low -0.55,0.84,4,200,4,0,0,0,IT,low -0.79,0.88,3,195,4,0,0,0,IT,low -0.89,0.83,5,269,3,0,0,0,IT,low -0.54,0.76,5,226,2,0,0,0,IT,low -0.74,0.8,4,200,4,0,0,0,product_mng,low -0.7,0.47,2,176,5,0,0,0,product_mng,low -0.37,0.85,2,185,3,0,0,0,product_mng,low -0.84,0.71,3,179,2,0,0,0,product_mng,low -0.55,0.58,5,208,3,0,0,0,IT,low -0.93,0.79,5,241,4,0,0,0,marketing,high -0.97,0.55,4,166,3,1,0,0,accounting,high -0.64,0.53,3,216,3,0,0,0,accounting,high -0.62,0.64,4,185,2,0,0,0,IT,medium -0.26,0.91,5,183,6,0,0,0,IT,medium -0.93,0.49,4,255,2,0,0,0,management,high -0.27,0.61,3,213,6,0,0,0,sales,low -0.9,0.63,4,173,3,0,0,0,accounting,medium -0.16,0.7,6,246,4,0,0,0,support,medium -0.75,0.63,3,148,4,0,0,0,technical,medium -0.72,0.74,2,238,3,0,0,0,management,medium -0.68,0.51,3,185,3,0,0,0,marketing,medium -0.13,0.77,4,201,5,0,0,0,marketing,medium -0.96,0.92,3,150,2,0,0,0,marketing,medium -0.71,0.72,4,137,3,0,0,0,sales,medium -0.85,0.66,5,189,3,0,0,0,sales,medium -0.87,0.91,3,229,3,1,0,0,sales,medium -0.86,0.93,3,199,3,1,0,0,sales,medium -0.49,0.85,3,250,2,0,0,0,sales,medium -0.99,0.59,5,263,3,0,0,0,sales,high -0.75,0.95,3,268,3,1,0,0,sales,low -0.61,0.64,3,187,2,0,0,0,sales,medium -0.89,0.84,6,196,4,0,0,0,sales,medium -0.77,0.7,4,232,3,0,0,0,sales,medium -0.7,0.79,3,226,4,0,0,0,sales,medium -0.5,0.58,4,96,3,0,0,0,sales,low -0.61,1,4,133,4,0,0,0,sales,low -0.98,0.53,4,214,2,0,0,0,sales,low -0.61,0.77,4,252,2,0,0,0,sales,low -0.85,0.56,3,199,4,0,0,0,sales,low -0.42,0.85,3,150,3,0,0,0,sales,low -0.56,0.75,4,141,3,0,0,0,sales,low -0.88,0.8,4,239,3,0,0,0,sales,low -0.92,0.69,3,139,2,0,0,0,accounting,low -0.85,0.77,3,146,4,0,0,0,accounting,low -0.66,0.74,4,179,3,0,0,0,accounting,low -0.82,0.93,3,160,3,0,0,0,hr,low -0.14,0.58,6,205,3,0,0,0,hr,low -0.6,0.98,5,213,3,0,0,0,hr,low -0.92,0.65,4,260,2,0,0,0,hr,low -0.51,0.72,3,242,3,0,0,0,technical,low -0.85,0.46,3,123,5,1,0,0,technical,low -0.43,0.84,2,285,5,0,0,0,technical,low -0.98,0.56,3,103,5,0,0,0,technical,medium -0.84,0.55,5,264,3,0,0,0,technical,medium -0.7,0.52,3,227,2,0,0,0,technical,medium -0.82,0.82,5,267,2,0,0,0,technical,medium -0.94,0.67,3,142,3,0,0,0,technical,medium -0.55,0.79,3,254,3,1,0,0,technical,medium -0.98,0.5,3,251,3,0,0,0,technical,medium -0.78,0.63,4,158,3,0,0,0,technical,medium -0.99,0.77,5,160,3,0,0,0,support,medium -0.74,0.58,4,215,3,1,0,0,support,medium -0.5,0.74,4,237,2,1,0,0,support,medium -0.25,0.8,5,237,6,0,0,0,support,medium -0.49,0.55,4,268,4,0,0,0,support,high -0.63,0.74,4,234,3,0,0,0,support,low -0.68,0.73,3,250,2,0,0,0,support,medium -0.62,0.54,4,212,4,0,0,0,support,medium -0.89,0.52,4,189,3,0,0,0,support,medium -0.31,0.37,2,104,3,1,0,0,support,medium -0.89,0.61,3,211,2,0,0,0,support,low -0.72,0.65,3,109,5,1,0,0,technical,low -0.84,0.75,2,168,2,0,0,0,technical,low -0.88,0.71,3,184,3,0,0,0,technical,low -0.74,1,4,242,2,0,0,0,management,low -0.96,0.95,6,215,4,0,0,0,IT,low -0.82,0.89,5,182,3,0,0,0,IT,low -0.7,0.64,5,260,3,0,0,0,IT,low -0.61,0.84,4,265,2,0,0,0,IT,low -0.65,0.83,5,182,2,1,0,0,IT,low -0.77,0.64,3,191,3,1,0,0,product_mng,low -0.81,0.77,5,167,4,0,0,0,product_mng,low -0.87,0.66,3,270,2,0,0,0,product_mng,low -0.96,0.73,4,273,2,0,0,0,product_mng,low -0.48,0.7,3,251,3,0,0,0,IT,low -0.78,0.96,3,217,3,0,0,0,marketing,high -0.75,1,4,222,2,1,0,0,accounting,high -0.23,0.87,5,258,4,1,0,0,accounting,high -0.85,0.76,3,197,5,0,0,0,IT,medium -0.67,0.56,3,193,2,1,0,0,IT,medium -0.71,0.81,2,182,3,0,0,0,management,high -0.72,0.7,3,163,3,1,0,0,sales,medium -0.8,0.77,4,224,2,0,0,0,accounting,medium -0.64,0.86,4,143,2,0,0,0,support,medium -0.54,0.42,6,218,3,0,0,0,technical,medium -0.73,0.67,3,208,4,0,0,0,management,medium -0.73,1,2,229,3,0,0,0,marketing,medium -0.55,0.62,5,184,4,0,0,0,marketing,medium -0.63,0.41,3,180,5,1,0,0,marketing,medium -0.15,0.8,5,121,5,0,0,0,sales,medium -0.6,0.5,5,203,3,0,0,0,sales,medium -0.38,0.51,3,151,2,0,0,0,sales,medium -0.81,0.77,4,239,3,0,0,0,sales,medium -0.75,0.53,3,166,3,0,0,0,sales,high -0.52,0.92,3,268,3,0,0,0,sales,low -0.51,1,5,196,4,0,0,0,sales,medium -0.66,0.62,4,241,3,0,0,0,sales,medium -0.8,0.87,5,251,3,0,0,0,sales,medium -0.85,0.69,3,263,3,0,0,0,sales,medium -0.77,0.73,3,224,2,1,0,0,sales,low -0.29,0.4,4,138,4,0,0,0,sales,low -0.15,0.67,6,167,6,0,0,0,sales,low -0.73,0.83,5,266,5,0,0,0,sales,low -0.55,0.74,2,116,3,0,0,0,sales,low -0.2,0.69,2,160,4,0,0,0,sales,low -0.56,0.68,3,144,3,1,0,0,sales,low -0.55,0.54,3,190,3,0,0,0,sales,low -0.9,0.49,6,175,4,0,0,0,sales,low -0.73,0.55,3,206,4,0,0,0,accounting,low -0.48,0.99,5,180,2,0,0,0,accounting,low -0.64,0.74,4,157,4,0,0,0,accounting,low -0.95,0.75,4,203,3,0,0,0,hr,low -0.82,0.66,4,238,3,1,0,0,hr,low -0.95,0.65,3,273,4,0,0,0,hr,low -0.92,0.9,4,179,3,0,0,0,hr,low -0.22,0.84,3,131,5,1,0,0,technical,low -0.17,0.77,4,151,6,0,0,0,technical,low -0.51,0.55,3,261,3,0,0,0,technical,low -0.67,0.64,3,203,2,1,0,0,technical,low -0.6,0.66,5,143,2,0,0,0,technical,low -0.99,0.55,3,97,6,1,0,0,technical,medium -0.35,0.71,6,204,4,1,0,0,technical,medium -0.13,0.72,4,154,4,0,0,0,technical,medium -0.97,0.93,2,160,6,0,0,0,technical,medium -0.49,0.61,4,232,3,1,0,0,technical,medium -0.62,0.71,3,255,2,0,0,0,technical,medium -0.35,0.54,3,128,3,0,0,0,support,medium -0.81,0.79,4,222,3,0,0,0,support,medium -0.57,0.75,5,171,4,0,0,0,support,medium -1,0.66,4,173,2,0,0,0,support,medium -0.93,0.71,4,272,2,0,0,0,support,medium -0.89,0.85,3,166,3,0,0,0,support,medium -0.64,0.61,4,143,2,1,0,0,support,high -0.54,0.95,4,149,3,0,0,0,support,low -0.52,0.85,4,257,2,0,0,0,support,medium -0.12,0.65,5,262,6,0,0,0,support,medium -0.14,0.49,4,115,4,0,0,0,support,medium -0.57,0.54,4,142,4,0,0,0,technical,medium -0.57,0.64,4,144,4,0,0,0,technical,low -1,0.56,5,247,3,0,0,0,technical,low -0.94,0.58,4,216,3,0,0,0,management,low -0.93,0.48,3,276,3,0,0,0,IT,low -0.91,0.88,5,123,5,0,0,0,IT,low -0.85,0.77,4,264,3,0,0,0,IT,low -0.8,0.98,3,189,6,0,0,0,IT,low -0.68,0.69,3,148,2,0,0,0,IT,low -0.91,0.6,5,150,3,0,0,0,product_mng,medium -0.93,0.9,3,172,3,0,0,0,product_mng,medium -0.81,0.68,3,236,2,0,0,0,product_mng,medium -0.51,0.74,4,151,3,0,0,0,product_mng,medium -0.49,0.52,3,168,3,0,0,0,IT,medium -0.55,0.55,5,256,3,0,0,0,RandD,medium -0.17,0.51,6,213,3,0,0,0,RandD,medium -0.8,0.79,4,148,3,0,0,0,RandD,medium -0.61,0.67,3,266,3,0,0,0,RandD,medium -0.59,0.73,3,195,2,0,0,0,RandD,medium -0.67,0.77,4,242,3,0,0,0,marketing,medium -0.96,0.81,4,183,3,0,0,0,sales,medium -0.72,0.66,3,134,3,0,0,0,accounting,medium -0.72,0.76,4,189,2,0,0,0,support,medium -0.99,0.61,5,196,3,0,0,0,technical,medium -0.22,0.61,4,150,6,0,0,0,management,medium -0.32,0.52,4,191,2,0,0,0,marketing,medium -0.64,0.86,4,248,6,0,0,0,marketing,medium -0.9,0.49,3,256,2,0,0,0,marketing,medium -0.86,0.9,3,158,2,0,0,0,sales,medium -0.67,0.76,2,210,2,0,0,0,sales,medium -0.9,0.59,3,247,2,0,0,0,sales,medium -0.52,0.8,3,156,3,0,0,0,sales,medium -0.57,0.89,3,202,2,0,0,0,sales,medium -0.55,0.83,3,157,2,0,0,0,sales,medium -0.2,0.83,4,258,4,0,0,0,sales,high -0.89,0.66,4,176,3,0,0,0,sales,high -0.15,0.56,4,214,5,0,0,0,sales,high -0.8,0.6,3,212,3,0,0,0,sales,high -0.55,0.48,4,271,6,1,0,0,sales,high -0.53,0.64,5,281,4,0,0,0,sales,high -0.62,0.77,3,204,4,0,0,0,sales,high -1,0.58,3,112,2,0,0,0,sales,high -0.31,0.75,3,120,4,0,0,0,sales,high -0.62,0.51,5,134,3,0,0,0,sales,high -0.73,0.61,5,222,3,0,0,0,sales,high -0.52,0.61,3,203,3,0,0,0,sales,high -0.33,0.65,2,239,5,0,0,0,sales,low -0.88,0.5,3,142,3,0,0,0,accounting,low -0.65,0.54,2,177,3,0,0,0,accounting,low -0.91,0.7,6,201,2,1,0,0,accounting,low -0.83,0.91,3,196,4,0,0,0,hr,low -0.2,0.87,3,140,6,1,0,0,hr,low -0.96,0.8,5,195,4,1,0,0,hr,low -0.75,0.89,5,154,4,0,0,0,hr,low -0.93,0.57,3,141,2,0,0,0,technical,low -0.87,0.49,4,213,3,0,0,0,technical,low -0.94,0.58,5,222,3,0,0,0,technical,low -0.85,0.72,3,150,2,1,0,0,technical,low -0.63,0.5,4,172,2,0,0,0,technical,low -0.78,0.63,5,261,3,0,0,0,technical,low -0.87,0.92,2,248,3,0,0,0,technical,low -0.77,0.76,5,149,2,0,0,0,technical,medium -1,0.61,5,178,3,0,0,0,technical,medium -0.93,0.81,3,212,3,0,0,0,technical,medium -0.5,0.4,2,108,2,0,0,0,technical,medium -0.9,0.66,4,160,2,1,0,0,support,medium -0.61,0.56,2,160,3,0,0,0,support,medium -0.57,0.97,5,196,2,0,0,0,support,medium -0.43,0.5,4,121,5,1,0,0,support,medium -0.6,0.56,5,268,2,0,0,0,support,medium -0.56,0.92,3,232,2,0,0,0,support,medium -0.57,0.62,5,263,2,0,0,0,support,medium -0.56,0.82,3,208,2,0,0,0,support,medium -0.64,0.9,6,143,5,0,0,0,support,high -0.53,0.56,5,236,4,1,0,0,support,high -0.19,0.6,5,198,4,0,0,0,support,high -0.5,0.8,4,261,3,0,0,0,technical,high -0.86,0.97,4,258,3,0,0,0,technical,high -0.92,0.66,3,230,3,0,0,0,technical,high -0.82,0.97,3,137,3,0,0,0,management,high -0.54,0.51,5,258,3,0,0,0,IT,high -0.23,0.51,5,139,6,0,0,0,IT,low -0.65,0.71,4,186,2,0,0,0,IT,low -0.99,0.98,4,259,3,0,0,0,IT,low -0.54,0.59,4,202,3,0,0,0,IT,low -0.99,0.68,4,235,3,0,0,0,product_mng,low -0.76,0.89,4,224,2,0,0,0,product_mng,low -0.57,0.54,4,210,3,0,0,0,product_mng,low -0.53,0.75,4,240,4,0,0,0,product_mng,low -0.86,0.55,5,149,4,0,0,0,IT,medium -0.97,0.96,4,250,6,0,0,0,RandD,medium -0.13,0.76,5,171,5,0,0,0,RandD,medium -0.73,0.89,3,139,3,0,0,0,RandD,medium -0.62,0.95,4,132,3,0,0,0,RandD,medium -0.59,0.37,3,125,2,0,0,0,RandD,medium -0.63,0.7,6,141,3,1,0,0,marketing,medium -0.64,0.52,3,269,2,0,0,0,sales,medium -0.5,0.85,5,249,3,1,0,0,accounting,medium -0.58,0.89,3,256,2,0,0,0,support,medium -0.32,0.87,4,179,4,0,0,0,technical,medium -0.72,0.67,5,210,2,0,0,0,management,medium -0.61,0.74,3,160,3,0,0,0,marketing,medium -0.97,0.55,2,267,4,0,0,0,marketing,medium -0.87,0.64,2,169,3,1,0,0,marketing,medium -0.88,0.81,4,235,6,0,0,0,sales,medium -0.52,0.99,3,136,3,0,0,0,sales,medium -0.95,0.81,5,210,4,0,0,0,sales,medium -0.96,0.62,5,230,2,0,0,0,sales,medium -0.98,0.58,5,186,3,0,0,0,sales,medium -0.51,0.51,2,271,3,0,0,0,sales,medium -1,0.63,2,105,2,0,0,0,sales,medium -0.97,0.67,2,147,2,0,0,0,sales,medium -0.79,0.56,4,177,3,0,0,0,sales,high -0.64,0.45,3,135,6,0,0,0,sales,low -0.84,0.76,5,243,3,0,0,0,sales,medium -0.94,0.57,3,166,4,0,0,0,sales,medium -0.7,0.79,4,194,3,0,0,0,sales,medium -0.64,1,4,201,2,0,0,0,sales,medium -0.56,0.88,4,248,2,0,0,0,sales,medium -0.32,0.81,5,111,4,0,0,0,sales,medium -0.75,0.72,5,174,3,0,0,0,sales,medium -0.78,0.58,3,241,3,1,0,0,sales,medium -0.7,0.49,4,173,3,0,0,0,sales,medium -0.21,0.39,6,132,5,0,0,0,accounting,medium -0.64,0.96,3,274,3,0,0,0,accounting,low -0.54,0.52,3,115,3,0,0,0,accounting,low -0.79,0.98,4,170,3,0,0,0,hr,low -0.91,0.58,3,172,3,0,0,0,hr,low -0.76,0.73,4,148,2,1,0,0,hr,low -0.77,0.95,3,246,3,0,0,0,hr,low -0.92,0.88,4,151,3,0,0,0,technical,low -0.53,0.57,5,141,3,1,0,0,technical,high -0.44,0.52,3,269,4,0,0,0,technical,low -0.54,0.52,5,170,4,0,0,0,technical,high -0.93,0.5,2,135,3,0,0,0,technical,high -0.67,0.68,4,254,3,0,0,0,technical,low -0.66,0.99,3,228,2,0,0,0,technical,low -0.7,0.6,3,266,2,0,0,0,technical,high -0.79,0.57,4,152,3,0,0,0,technical,low -0.5,0.75,5,178,6,0,0,0,technical,medium -1,0.75,3,237,3,0,0,0,technical,high -0.61,0.52,5,255,3,0,0,0,support,medium -0.72,0.5,4,245,3,0,0,0,support,medium -0.78,0.95,3,155,3,1,0,0,support,medium -0.87,0.84,5,216,3,1,0,0,support,medium -0.57,0.58,3,251,2,0,0,0,support,high -0.85,0.96,2,260,3,0,0,0,support,medium -0.83,0.67,5,132,2,1,0,0,support,medium -0.4,0.37,3,169,3,1,0,0,support,medium -0.91,0.69,4,259,3,0,0,0,support,high -0.48,0.98,3,257,2,0,0,0,support,medium -0.94,0.58,5,190,3,1,0,0,support,high -0.65,0.76,4,171,4,0,0,0,technical,low -0.54,0.49,4,190,3,0,0,0,technical,medium -0.76,0.81,5,270,4,0,0,0,technical,medium -0.88,0.59,4,227,3,0,0,0,management,medium -0.9,0.55,3,195,3,0,0,0,IT,medium -0.64,0.75,3,169,3,0,0,0,IT,low -0.74,0.75,4,169,4,0,0,0,IT,low -0.45,0.54,2,184,2,0,0,0,IT,low -0.61,0.62,3,240,3,0,0,0,IT,low -0.16,0.97,6,282,4,0,0,0,product_mng,low -0.67,0.74,3,226,3,0,0,0,product_mng,low -0.74,0.74,2,254,3,0,0,0,product_mng,low -0.53,0.57,4,250,3,1,0,0,product_mng,low -0.75,0.98,3,143,2,0,0,0,IT,low -0.76,0.98,4,258,3,0,0,0,RandD,low -0.72,0.72,5,265,3,0,0,0,RandD,high -0.65,0.54,6,181,4,0,0,0,RandD,low -0.69,0.66,4,178,3,0,0,0,RandD,low -0.7,0.74,3,194,3,0,0,0,RandD,low -0.66,0.84,4,253,4,0,0,0,marketing,low -0.13,0.48,3,210,3,0,0,0,sales,high -0.67,0.53,3,264,2,0,0,0,accounting,low -0.99,0.7,3,219,3,0,0,0,support,low -0.51,0.86,3,198,2,0,0,0,technical,low -0.61,0.7,4,161,3,1,0,0,management,high -0.9,0.6,3,255,4,1,0,0,marketing,low -0.61,0.62,4,233,3,0,0,0,marketing,medium -0.15,0.89,3,251,4,0,0,0,marketing,high -0.53,0.85,5,268,3,1,0,0,sales,medium -0.41,0.48,3,135,3,0,0,0,sales,high -0.9,0.64,4,201,2,1,0,0,sales,medium -0.67,0.9,5,171,3,0,0,0,sales,medium -0.22,0.7,4,225,4,0,0,0,sales,medium -0.35,0.56,3,144,3,0,0,0,sales,medium -0.66,0.96,4,185,2,1,0,0,sales,medium -0.63,0.82,5,275,3,1,0,0,sales,medium -0.89,0.67,3,269,3,0,0,0,sales,medium -0.88,0.75,4,201,2,0,0,0,sales,medium -0.73,0.6,4,166,3,0,0,0,sales,high -1,0.83,4,280,4,1,0,0,sales,low -0.99,0.89,4,254,3,1,0,0,sales,medium -0.12,0.84,5,230,4,0,0,0,sales,medium -0.64,0.43,5,269,3,0,0,0,sales,medium -0.65,0.72,3,248,4,0,0,0,sales,medium -0.56,0.57,4,161,3,0,0,0,sales,medium -0.88,0.62,4,237,2,0,0,0,sales,medium -0.54,0.68,3,144,5,0,0,0,sales,medium -0.77,0.8,2,255,2,1,0,0,accounting,medium -0.66,0.67,5,148,3,0,0,0,accounting,medium -0.54,0.65,3,185,2,0,0,0,accounting,high -0.14,0.43,2,238,3,0,0,0,hr,low -0.85,0.69,5,273,3,1,0,0,hr,low -0.9,0.66,3,256,4,0,0,0,hr,low -0.81,0.79,4,177,2,0,0,0,hr,high -0.14,0.76,5,215,4,0,0,0,technical,low -0.94,0.96,4,270,3,1,0,0,technical,low -0.69,0.82,4,272,2,0,0,0,technical,low -0.66,0.67,4,268,2,0,0,0,technical,high -0.75,0.61,4,272,2,0,0,0,technical,low -0.53,0.61,4,182,3,0,0,0,technical,low -0.91,0.82,6,280,3,0,0,0,technical,low -0.93,0.61,4,205,3,0,0,0,technical,low -0.89,0.91,3,264,3,1,0,0,technical,low -0.84,0.79,2,150,3,0,0,0,technical,low -0.94,0.86,3,150,2,0,0,0,technical,low -1,0.86,4,195,4,0,0,0,support,medium -0.79,0.68,5,272,3,0,0,0,support,medium -0.62,0.61,3,171,3,0,0,0,support,medium -0.45,0.43,4,253,4,0,0,0,support,medium -0.54,0.48,3,158,2,0,0,0,support,medium -0.13,0.97,3,156,2,0,0,0,support,medium -0.99,0.73,3,181,2,0,0,0,support,medium -0.54,0.75,4,249,4,0,0,0,support,medium -0.52,0.38,3,132,4,0,0,0,support,medium -0.24,0.65,4,248,3,0,0,0,support,medium -0.12,0.7,5,277,3,0,0,0,support,medium -0.52,0.96,6,166,5,1,0,0,technical,medium -0.44,0.63,3,193,3,0,0,0,technical,high -0.81,0.53,3,148,3,0,0,0,technical,low -0.25,0.64,4,226,5,0,0,0,management,medium -0.63,0.91,3,233,4,0,0,0,IT,medium -0.61,0.46,3,171,3,0,0,0,IT,medium -0.51,0.56,4,157,3,0,0,0,IT,medium -0.66,0.54,5,191,2,0,0,0,IT,low -0.86,0.59,4,189,2,0,0,0,IT,low -0.98,0.89,5,181,3,0,0,0,product_mng,low -0.99,0.37,6,219,6,0,0,0,product_mng,low -0.78,0.91,3,166,2,1,0,0,product_mng,low -0.84,0.53,2,275,3,0,0,0,product_mng,low -0.17,0.59,6,160,2,0,0,0,IT,low -0.48,0.72,4,186,3,0,0,0,RandD,low -0.63,0.66,3,256,4,1,0,0,RandD,low -0.58,0.67,3,156,2,0,0,0,RandD,low -0.7,0.48,5,99,4,0,0,0,RandD,low -0.61,0.85,4,273,3,0,0,0,RandD,low -0.91,0.81,4,135,2,0,0,0,marketing,low -0.34,0.82,6,202,3,0,0,0,sales,low -0.56,0.49,4,256,3,0,0,0,accounting,low -0.93,0.81,3,143,3,0,0,0,support,low -0.56,0.81,4,216,2,0,0,0,technical,low -0.99,0.5,4,173,3,0,0,0,management,low -0.77,0.83,4,154,3,0,0,0,marketing,low -0.76,0.61,4,172,2,0,0,0,marketing,low -0.65,0.65,5,180,2,0,0,0,marketing,low -0.5,0.76,3,174,3,0,0,0,sales,medium -0.59,0.61,3,210,2,0,0,0,sales,medium -0.68,0.58,4,186,2,0,0,0,sales,medium -0.85,0.82,5,184,3,0,0,0,sales,medium -0.83,0.77,3,260,2,0,0,0,sales,medium -0.7,0.58,4,207,2,1,0,0,sales,medium -0.16,0.76,6,210,5,0,0,0,sales,medium -0.66,0.95,5,206,2,0,0,0,sales,medium -0.81,0.84,4,173,4,0,0,0,sales,medium -0.96,0.74,5,194,4,1,0,0,sales,medium -0.66,0.54,5,203,2,0,0,0,sales,medium -0.83,0.53,3,186,4,0,0,0,sales,medium -0.99,0.9,4,175,3,1,0,0,sales,high -0.99,0.83,4,274,2,0,0,0,sales,low -0.67,0.78,4,193,3,0,0,0,sales,medium -0.54,0.61,2,264,3,0,0,0,sales,medium -0.22,0.69,3,212,3,0,0,0,sales,medium -0.25,0.82,5,244,5,1,0,0,sales,medium -0.73,0.98,4,216,2,0,0,0,sales,low -1,0.88,4,252,4,0,0,0,accounting,low -0.4,0.58,3,135,3,0,0,0,accounting,low -0.45,0.5,5,99,4,1,0,0,accounting,low -0.61,0.81,5,136,3,0,0,0,hr,low -0.81,0.64,6,176,5,0,0,0,hr,low -0.61,0.76,4,135,2,0,0,0,hr,low -0.57,0.94,3,230,2,0,0,0,hr,low -0.9,0.65,4,221,3,0,0,0,technical,low -0.43,0.82,4,138,5,0,0,0,technical,low -0.99,0.98,4,169,3,1,0,0,technical,low -0.62,0.49,4,174,3,0,0,0,technical,low -0.63,0.65,3,162,2,0,0,0,technical,low -0.89,0.99,4,274,4,0,0,0,technical,low -0.61,0.84,3,206,2,0,0,0,technical,low -0.62,0.89,4,254,3,1,0,0,technical,low -0.86,0.61,4,181,4,0,0,0,technical,low -0.75,0.62,5,144,3,0,0,0,technical,low -0.63,0.54,4,147,4,0,0,0,technical,low -0.69,0.8,3,212,4,0,0,0,support,low -0.71,0.76,3,134,3,1,0,0,support,low -0.63,0.95,4,134,3,0,0,0,support,medium -0.89,0.7,3,256,4,0,0,0,support,medium -0.71,0.36,2,132,5,0,0,0,support,medium -0.88,0.82,4,109,2,0,0,0,support,medium -0.73,0.52,4,141,3,0,0,0,support,medium -0.52,0.83,4,180,2,0,0,0,support,medium -0.77,0.65,2,162,4,1,0,0,support,medium -0.94,0.48,4,143,2,0,0,0,support,medium -0.99,0.87,5,211,2,0,0,0,support,medium -0.89,0.56,4,225,4,0,0,0,technical,medium -0.53,0.52,2,135,4,0,0,0,technical,medium -0.23,0.64,3,228,4,1,0,0,technical,medium -0.87,0.73,5,111,4,0,0,0,management,high -0.21,0.69,3,144,6,1,0,0,IT,low -0.71,0.51,4,202,3,0,0,0,IT,medium -0.75,0.71,5,147,4,1,0,0,IT,medium -0.63,0.89,3,239,3,0,0,0,IT,medium -0.55,0.4,5,219,4,0,0,0,IT,medium -0.93,0.55,3,134,3,1,0,0,product_mng,low -0.53,0.89,3,167,2,0,0,0,product_mng,low -0.94,0.89,4,192,2,0,0,0,product_mng,low -0.46,0.82,2,189,5,0,0,0,product_mng,low -0.59,0.53,4,213,2,0,0,0,IT,low -0.75,0.56,5,231,2,0,0,0,RandD,low -0.76,0.63,3,198,3,0,0,0,RandD,low -0.96,0.89,3,163,2,0,0,0,RandD,low -0.55,0.93,4,251,4,1,0,0,RandD,low -0.52,0.82,3,170,3,0,0,0,RandD,low -0.55,0.5,5,231,3,0,0,0,marketing,low -0.52,0.98,4,165,2,0,0,0,sales,low -0.49,0.5,5,183,3,0,0,0,accounting,low -0.49,0.89,3,213,2,0,0,0,support,low -1,0.89,3,230,3,1,0,0,technical,low -0.97,0.62,3,167,3,0,0,0,management,low -0.97,0.89,3,264,3,0,0,0,marketing,low -0.21,0.43,2,249,3,0,0,0,marketing,low -0.24,0.7,6,153,5,1,0,0,marketing,low -0.76,0.79,3,111,2,0,0,0,sales,low -0.78,0.6,3,232,2,0,0,0,sales,low -0.59,0.52,6,190,4,0,0,0,sales,medium -0.54,0.71,3,145,3,1,0,0,sales,medium -0.34,0.69,2,193,3,0,0,0,sales,medium -0.91,0.82,3,183,2,0,0,0,sales,medium -0.49,0.61,3,240,3,0,0,0,sales,medium -0.71,1,5,210,3,0,0,0,sales,medium -0.64,0.72,4,152,3,1,0,0,sales,medium -0.6,0.61,4,140,4,0,0,0,sales,medium -0.91,0.66,3,208,4,0,0,0,sales,medium -0.92,0.6,3,198,2,0,0,0,sales,medium -0.91,0.52,3,178,3,0,0,0,sales,medium -0.88,0.77,3,279,3,1,0,0,sales,medium -0.86,0.82,3,263,6,0,0,0,sales,high -0.81,0.54,3,215,4,1,0,0,sales,low -0.84,0.73,3,181,3,1,0,0,sales,medium -0.56,0.55,2,270,3,0,0,0,sales,medium -0.6,0.52,3,236,3,0,0,0,sales,medium -0.71,0.87,3,271,2,0,0,0,accounting,medium -0.62,0.79,5,172,3,0,0,0,accounting,low -0.73,0.65,3,145,2,0,0,0,accounting,low -0.56,0.69,5,198,3,0,0,0,hr,low -0.6,0.74,3,175,3,1,0,0,hr,low -0.55,0.64,4,260,3,0,0,0,hr,low -0.5,0.7,4,135,3,0,0,0,hr,low -0.42,0.73,3,108,4,0,0,0,technical,low -0.51,0.94,5,260,4,0,0,0,technical,low -0.66,0.94,4,176,2,1,0,0,technical,low -0.79,0.67,5,222,4,0,0,0,technical,low -0.3,0.66,4,119,3,0,0,0,technical,low -0.57,1,3,241,4,0,0,0,technical,low -0.74,0.93,6,225,4,0,0,0,technical,low -0.98,0.56,5,188,3,0,0,0,technical,low -0.17,0.73,4,188,5,0,0,0,technical,low -0.62,0.77,3,225,4,1,0,0,technical,low -0.32,0.4,2,132,3,0,0,0,technical,low -0.58,0.91,5,185,2,0,0,0,support,low -0.59,0.9,4,173,3,0,0,0,support,medium -0.59,0.55,3,179,3,0,0,0,support,medium -0.8,0.58,4,189,2,0,0,0,support,medium -0.84,0.85,5,246,3,0,0,0,support,medium -0.54,0.76,2,166,4,0,0,0,support,medium -0.51,0.98,4,245,3,0,0,0,support,medium -0.66,0.56,2,104,3,1,0,0,support,medium -0.37,0.52,4,151,2,0,0,0,support,medium -0.49,0.63,4,213,3,0,0,0,support,medium -0.88,0.71,5,255,3,0,0,0,support,medium -0.66,0.9,4,268,3,0,0,0,technical,medium -0.25,0.53,4,160,4,0,0,0,technical,medium -0.49,0.52,4,267,2,0,0,0,technical,high -0.87,0.77,3,190,3,0,0,0,management,low -0.54,0.95,5,255,2,0,0,0,IT,medium -0.24,0.95,3,168,4,0,0,0,IT,medium -0.65,0.74,4,228,2,1,0,0,IT,medium -0.58,0.87,4,181,3,0,0,0,IT,medium -0.77,0.54,5,252,2,0,0,0,IT,low -0.86,0.63,4,244,3,0,0,0,product_mng,low -0.62,0.69,3,207,4,0,0,0,product_mng,low -0.56,0.48,3,134,3,0,0,0,product_mng,low -0.75,0.53,3,244,2,0,0,0,product_mng,low -0.8,0.96,4,160,4,0,0,0,IT,low -0.56,0.93,4,260,4,0,0,0,RandD,low -0.83,0.6,4,170,3,0,0,0,RandD,low -0.51,0.98,4,171,2,0,0,0,RandD,low -0.82,0.9,4,232,3,0,0,0,RandD,low -0.81,0.91,3,184,3,0,0,0,RandD,low -0.52,0.64,4,268,3,0,0,0,marketing,low -0.79,0.56,4,248,3,0,0,0,sales,low -0.83,0.5,5,274,3,0,0,0,accounting,low -0.97,0.81,3,145,3,0,0,0,support,low -0.61,0.88,5,134,4,0,0,0,technical,low -0.84,0.66,3,114,6,1,0,0,management,low -0.9,1,4,218,2,0,0,0,marketing,low -0.82,0.77,4,152,2,1,0,0,marketing,low -0.69,0.76,5,174,3,0,0,0,marketing,low -0.18,0.73,6,231,4,0,0,0,sales,low -0.33,1,2,210,3,1,0,0,sales,medium -0.15,0.92,5,164,3,0,0,0,sales,medium -0.61,0.78,4,198,3,0,0,0,sales,medium -0.92,0.55,4,220,2,0,0,0,sales,medium -0.13,0.61,6,283,5,0,0,0,sales,medium -0.18,0.48,4,240,4,0,0,0,sales,medium -0.27,0.85,5,142,6,0,0,0,sales,medium -0.66,0.61,4,263,4,0,0,0,sales,medium -0.21,0.81,5,142,4,0,0,0,sales,medium -0.92,0.9,4,203,4,0,0,0,sales,medium -0.97,0.5,3,266,3,1,0,0,sales,medium -0.97,0.7,3,253,3,0,0,0,sales,medium -0.64,0.61,4,136,3,0,0,0,sales,high -0.75,0.9,3,140,3,0,0,0,sales,low -0.9,0.76,4,252,4,0,0,0,sales,medium -0.81,0.75,5,101,5,0,0,0,sales,medium -0.99,0.72,3,163,3,0,0,0,sales,medium -0.49,0.5,5,170,2,0,0,0,sales,medium -0.92,0.4,2,238,3,0,0,0,accounting,low -0.74,0.56,4,190,3,1,0,0,accounting,low -0.37,0.37,5,173,2,0,0,0,accounting,low -0.67,0.61,4,145,4,0,0,0,hr,low -0.74,0.89,5,182,2,0,0,0,hr,low -0.85,0.64,4,188,3,0,0,0,hr,low -0.72,0.71,3,133,2,0,0,0,hr,low -0.75,0.71,4,155,4,0,0,0,technical,low -0.91,0.4,6,153,3,0,0,0,technical,low -0.84,0.62,4,138,3,0,0,0,technical,low -0.64,0.51,4,177,3,0,0,0,technical,low -0.15,0.91,6,98,6,1,0,0,technical,low -0.66,0.66,3,225,3,0,0,0,technical,low -0.2,0.69,6,236,4,0,0,0,technical,low -0.97,0.78,3,268,3,1,0,0,technical,low -0.59,0.73,2,230,3,0,0,0,technical,low -0.88,0.6,4,162,2,0,0,0,technical,low -0.16,0.73,4,197,2,0,0,0,technical,low -0.61,0.96,3,247,3,0,0,0,support,low -0.52,0.79,4,234,3,0,0,0,support,low -0.82,0.49,4,276,4,0,0,0,support,low -0.75,0.94,5,217,2,0,0,0,support,medium -0.62,0.5,4,156,2,0,0,0,support,medium -0.91,0.88,3,189,2,0,0,0,support,medium -0.61,0.98,2,238,4,0,0,0,support,medium -0.79,0.77,3,201,6,1,0,0,support,medium -0.9,0.93,4,263,3,1,0,0,support,medium -0.75,0.83,3,146,3,0,0,0,support,medium -0.81,0.64,4,213,3,0,0,0,support,medium -0.59,0.88,3,159,2,0,0,0,technical,medium -0.56,0.83,3,236,3,1,0,0,technical,medium -0.98,0.79,5,257,4,0,0,0,technical,medium -0.59,0.72,4,168,4,0,0,0,management,medium -0.61,0.67,4,151,3,0,0,0,IT,high -0.78,0.7,4,139,3,0,0,0,IT,low -0.55,0.93,5,196,3,0,0,0,IT,medium -0.2,0.97,4,237,5,0,0,0,IT,medium -0.79,0.44,2,236,3,0,0,0,IT,medium -0.52,0.98,4,265,3,0,0,0,product_mng,medium -0.97,0.52,4,207,3,0,0,0,product_mng,low -0.63,0.94,4,219,3,0,0,0,product_mng,low -0.85,0.99,3,208,2,0,0,0,product_mng,low -0.59,0.74,3,240,3,0,0,0,IT,low -0.64,0.6,3,135,3,0,0,0,RandD,low -0.8,0.67,3,236,3,1,0,0,RandD,low -0.61,0.75,3,140,3,0,0,0,RandD,low -0.87,0.61,3,162,2,0,0,0,RandD,low -0.75,0.59,3,117,3,1,0,0,RandD,medium -0.96,0.51,4,225,3,0,0,0,marketing,medium -0.75,0.92,3,211,3,0,0,0,sales,medium -0.19,0.58,4,173,5,0,0,0,accounting,medium -0.52,0.97,4,170,3,0,0,0,support,medium -0.6,0.6,3,242,3,0,0,0,technical,medium -0.9,0.81,4,175,3,0,0,0,management,medium -0.89,0.92,3,195,2,0,0,0,marketing,medium -0.54,0.93,4,184,2,1,0,0,marketing,medium -0.99,0.55,3,170,3,0,0,0,marketing,medium -0.66,0.56,4,185,3,0,0,0,sales,medium -0.92,0.64,4,259,2,0,0,0,sales,medium -0.19,0.72,4,102,3,0,0,0,sales,medium -0.39,0.37,5,156,4,0,0,0,sales,medium -0.41,0.68,3,191,4,0,0,0,sales,medium -0.6,0.49,3,239,2,0,0,0,sales,medium -0.95,0.54,4,235,4,0,0,0,sales,medium -0.51,0.87,2,130,4,0,0,0,sales,medium -0.54,0.74,2,166,3,0,0,0,sales,medium -0.16,0.54,5,206,5,0,0,0,sales,medium -0.98,0.77,3,191,2,0,0,0,sales,medium -0.65,0.75,3,214,3,0,0,0,sales,medium -0.38,0.5,3,196,3,0,0,0,sales,medium -0.95,0.71,4,151,4,0,0,0,sales,medium -0.6,0.62,5,165,2,0,0,0,sales,medium -0.78,0.91,3,177,2,0,0,0,sales,high -0.19,0.63,6,241,6,0,0,0,sales,high -0.56,0.99,4,230,3,0,0,0,sales,high -0.21,0.71,4,270,2,0,0,0,sales,high -0.83,0.71,3,234,4,0,0,0,accounting,high -0.5,0.64,3,257,2,1,0,0,accounting,high -0.74,0.87,5,264,3,0,0,0,accounting,high -0.75,0.83,4,133,4,0,0,0,hr,high -0.85,0.66,4,155,4,0,0,0,hr,high -0.93,0.59,3,202,2,0,0,0,hr,high -0.76,0.7,3,136,2,0,0,0,hr,high -0.91,0.78,3,269,3,1,0,0,technical,high -0.22,0.54,6,169,4,0,0,0,technical,low -0.78,0.52,5,192,3,1,0,0,technical,low -0.53,0.8,4,241,3,1,0,0,technical,low -0.58,0.69,4,165,3,0,0,0,technical,low -0.99,0.81,3,183,2,0,0,0,technical,low -0.62,0.64,4,163,3,0,0,0,technical,low -0.59,0.69,3,162,3,0,0,0,technical,low -0.13,0.76,5,219,4,0,0,0,technical,low -0.19,0.63,4,278,6,0,0,0,technical,low -0.94,0.99,2,273,4,0,0,0,technical,low -0.53,0.96,4,272,2,0,0,0,support,low -0.96,0.85,5,168,2,0,0,0,support,low -0.62,0.87,4,221,3,1,0,0,support,low -0.81,0.86,4,213,3,0,0,0,support,low -0.63,0.78,4,275,3,0,0,0,support,low -0.92,0.68,5,177,4,0,0,0,support,medium -0.83,0.74,4,249,2,0,0,0,support,medium -0.49,0.37,5,246,3,0,0,0,support,medium -0.8,0.66,4,223,3,0,0,0,support,medium -0.54,0.76,4,244,2,0,0,0,support,medium -0.37,0.72,3,169,2,1,0,0,support,medium -0.93,0.56,5,140,3,0,0,0,technical,medium -0.88,0.99,5,253,2,0,0,0,technical,medium -0.79,0.87,3,194,2,0,0,0,technical,medium -0.65,0.88,4,173,3,0,0,0,management,medium -0.72,0.7,4,172,3,0,0,0,IT,medium -0.58,0.49,3,167,3,0,0,0,IT,medium -0.37,0.51,2,153,3,0,0,0,IT,high -0.87,0.97,4,243,3,0,0,0,IT,high -0.63,0.72,6,163,4,0,0,0,IT,high -0.72,0.79,3,221,3,0,0,0,product_mng,high -0.36,0.55,3,191,3,0,0,0,product_mng,high -0.96,0.7,4,272,3,0,0,0,product_mng,high -0.52,0.37,2,118,2,0,0,0,product_mng,high -0.16,0.83,5,173,4,0,0,0,IT,high -0.63,0.55,4,200,3,1,0,0,RandD,low -0.92,0.76,5,132,3,1,0,0,RandD,low -0.82,0.49,4,180,2,0,0,0,RandD,low -0.18,0.54,4,145,5,0,0,0,RandD,low -0.73,0.48,4,139,2,0,0,0,RandD,low -0.44,0.61,5,230,6,0,0,0,marketing,low -0.73,0.62,4,247,4,0,0,0,sales,low -0.62,0.95,4,140,2,0,0,0,accounting,low -0.94,0.8,4,266,3,1,0,0,support,medium -0.76,0.74,4,261,3,0,0,0,technical,medium -0.89,0.49,4,275,3,0,0,0,management,medium -0.9,0.88,5,254,2,0,0,0,marketing,medium -1,0.93,5,231,2,0,0,0,marketing,medium -0.71,0.9,3,138,3,0,0,0,marketing,medium -0.73,0.97,4,163,3,0,0,0,sales,medium -0.97,0.9,5,262,3,0,0,0,sales,medium -0.6,0.59,4,201,3,0,0,0,sales,medium -0.82,0.67,3,229,3,0,0,0,sales,medium -0.95,0.48,4,228,2,0,0,0,sales,medium -0.88,0.65,5,228,3,0,0,0,sales,medium -0.79,0.49,3,273,3,0,0,0,sales,medium -0.52,0.96,4,171,2,0,0,0,sales,medium -0.22,0.61,3,148,5,0,0,0,sales,medium -0.59,0.96,5,211,3,0,0,0,sales,medium -0.84,0.64,2,211,3,0,0,0,sales,medium -0.54,0.41,3,175,3,0,0,0,sales,medium -1,0.86,4,245,4,0,0,0,sales,medium -0.93,0.59,3,273,2,1,0,0,sales,medium -0.96,0.55,3,225,4,1,0,0,sales,medium -0.56,0.41,5,152,3,0,0,0,sales,medium -0.49,0.66,5,194,3,0,0,0,sales,medium -0.89,0.51,4,185,3,1,0,0,sales,high -0.57,0.91,3,193,2,0,0,0,sales,low -0.96,0.64,3,166,2,0,0,0,accounting,medium -0.65,0.89,5,223,3,1,0,0,accounting,medium -0.14,0.66,5,281,4,1,0,0,accounting,medium -0.64,0.49,3,241,3,0,0,0,hr,medium -0.98,0.91,3,165,2,1,0,0,hr,medium -0.71,0.59,4,143,2,0,0,0,hr,medium -0.96,0.49,5,137,3,0,0,0,hr,medium -0.9,0.57,4,185,3,1,0,0,technical,medium -0.52,0.96,3,271,3,1,0,0,technical,medium -0.78,0.98,4,207,2,1,0,0,technical,medium -0.62,0.69,4,184,3,0,0,0,technical,low -0.6,0.8,4,253,2,0,0,0,technical,low -0.82,0.62,3,152,6,0,0,0,technical,low -0.52,0.55,3,225,2,0,0,0,technical,low -0.13,0.84,5,189,5,0,0,0,technical,low -0.97,0.93,3,153,2,0,0,0,technical,low -0.63,0.9,4,245,3,0,0,0,technical,low -0.68,0.78,5,233,3,0,0,0,technical,high -0.74,0.83,4,210,3,0,0,0,support,low -0.89,0.57,4,176,4,0,0,0,support,high -0.28,0.95,5,191,3,0,0,0,support,high -0.61,0.9,3,224,3,0,0,0,support,low -0.67,0.49,3,185,3,0,0,0,support,low -0.86,0.64,3,245,4,0,0,0,support,high -0.87,0.93,3,173,2,0,0,0,support,low -0.7,0.95,4,231,3,0,0,0,support,medium -0.68,0.84,3,270,3,0,0,0,support,high -0.69,0.75,5,196,3,0,0,0,support,medium -0.97,0.83,3,238,2,0,0,0,support,medium -0.62,0.89,4,261,2,0,0,0,technical,medium -0.55,0.87,3,201,2,0,0,0,technical,medium -0.61,0.73,3,252,3,0,0,0,technical,high -0.15,0.81,3,191,5,0,0,0,management,medium -0.84,0.86,3,199,3,0,0,0,IT,medium -0.87,0.64,5,234,2,1,0,0,IT,medium -0.93,0.86,4,192,4,0,0,0,IT,high -0.14,0.73,6,237,5,0,0,0,IT,medium -0.96,0.7,3,207,3,0,0,0,IT,high -0.41,0.63,2,145,2,0,0,0,product_mng,low -0.84,0.96,6,155,5,0,0,0,product_mng,medium -0.94,0.69,5,145,2,0,0,0,product_mng,medium -0.6,0.86,6,247,6,0,0,0,product_mng,medium -0.7,0.73,4,182,3,0,0,0,IT,medium -0.29,0.91,4,183,4,0,0,0,RandD,low -0.31,0.51,2,146,3,0,0,0,RandD,low -0.73,0.99,3,241,3,0,0,0,RandD,low -0.51,0.52,5,261,3,1,0,0,RandD,low -0.58,0.77,4,140,3,0,0,0,RandD,low -0.59,0.97,3,257,3,0,0,0,marketing,low -0.95,0.9,3,186,2,0,0,0,marketing,low -0.84,0.93,3,159,3,0,0,0,sales,low -0.28,0.37,3,164,4,1,0,0,accounting,low -0.94,0.52,4,217,6,1,0,0,support,low -0.49,0.59,4,137,4,0,0,0,technical,high -0.72,0.5,4,164,2,1,0,0,management,low -0.19,0.85,5,249,3,0,0,0,marketing,low -0.83,0.95,3,264,2,0,0,0,marketing,low -0.79,0.92,4,208,2,1,0,0,marketing,low -0.72,0.61,3,175,3,0,0,0,sales,high -0.97,0.74,4,209,2,0,0,0,sales,low -0.92,0.83,4,268,4,0,0,0,sales,low -0.95,0.53,3,264,3,0,0,0,sales,low -0.76,0.64,4,234,2,0,0,0,sales,high -0.24,0.62,5,199,4,0,0,0,sales,low -0.89,0.99,4,205,2,0,0,1,sales,medium -0.69,0.63,5,140,4,0,0,1,sales,high -0.92,0.98,3,257,3,0,0,1,sales,medium -0.79,0.61,4,227,2,0,0,1,sales,high -0.87,0.94,4,189,3,0,0,1,sales,medium -0.89,0.88,5,241,2,1,0,0,sales,medium -0.75,0.77,5,199,4,0,0,0,sales,medium -0.78,0.6,4,206,3,0,0,0,sales,medium -0.13,0.62,5,268,3,0,0,0,sales,medium -0.94,0.86,3,221,3,1,0,0,sales,medium -0.94,0.88,4,262,2,0,0,0,sales,medium -0.67,0.6,5,253,6,0,0,0,sales,medium -0.6,0.73,5,241,3,0,0,0,sales,high -0.62,0.94,4,252,4,0,0,0,accounting,low -0.38,0.52,2,171,3,0,0,0,accounting,medium -0.8,0.77,4,194,3,0,0,0,accounting,medium -0.61,0.42,3,104,2,0,0,0,hr,medium -0.61,0.56,4,176,3,0,0,0,hr,medium -0.66,0.8,4,192,3,0,0,0,hr,medium -0.56,0.74,3,154,2,0,0,0,hr,medium -1,0.55,4,186,4,1,0,0,technical,medium -0.73,0.86,3,200,4,0,0,0,technical,medium -0.6,0.66,4,132,4,0,0,0,technical,medium -0.78,0.59,5,236,3,0,0,0,technical,high -0.48,0.53,3,211,4,0,0,0,technical,low -0.9,0.77,4,273,2,0,0,0,technical,low -0.16,0.76,4,223,4,0,0,0,technical,low -0.5,0.75,3,204,2,0,0,0,technical,high -0.66,0.65,3,196,3,1,0,0,technical,low -0.44,0.37,2,219,2,0,0,0,technical,low -0.95,0.67,4,261,3,0,0,0,technical,low -0.9,0.65,3,254,2,0,0,0,support,high -0.27,0.48,4,185,2,0,0,0,support,low -0.51,0.74,6,98,3,0,0,0,support,low -0.68,0.76,3,260,4,0,0,0,support,low -0.97,0.93,5,137,2,1,0,0,support,low -0.91,0.75,4,159,3,1,0,0,support,low -0.76,0.88,5,265,4,0,0,0,support,low -0.88,0.61,4,177,4,1,0,0,support,low -0.83,0.73,4,247,2,0,0,0,support,medium -0.78,0.54,3,161,3,0,0,0,support,medium -0.52,0.38,2,103,3,0,0,0,support,medium -0.63,0.49,4,151,3,0,0,0,technical,medium -0.9,0.74,3,193,3,0,0,0,technical,medium -0.48,0.58,3,194,3,0,0,0,technical,medium -0.7,0.6,5,208,3,0,0,0,management,medium -0.68,0.66,4,229,3,0,0,0,IT,medium -0.7,0.87,3,166,2,0,0,0,IT,medium -0.77,0.5,3,141,3,0,0,0,IT,medium -0.73,0.93,3,249,2,0,0,0,IT,medium -0.87,0.48,4,264,3,0,0,0,IT,medium -0.65,0.98,3,252,2,0,0,0,product_mng,high -0.62,0.7,2,134,3,0,0,0,product_mng,low -0.53,0.51,3,274,2,1,0,0,product_mng,medium -0.59,0.39,5,200,4,0,0,0,product_mng,medium -0.87,0.72,2,154,3,0,0,0,IT,medium -0.47,0.53,3,111,4,0,0,0,RandD,medium -0.96,0.81,3,247,3,0,0,0,RandD,low -0.79,0.74,3,169,3,0,0,0,RandD,low -0.84,0.6,3,250,3,1,0,0,RandD,low -0.68,0.49,3,178,3,1,0,0,RandD,low -0.86,0.66,4,251,3,0,0,0,RandD,low -0.73,0.98,5,272,2,0,0,0,marketing,low -0.9,0.67,2,229,4,0,0,0,sales,low -0.63,0.64,3,180,3,0,0,0,accounting,low -0.71,0.72,3,271,2,0,0,0,support,low -0.71,0.68,5,226,3,0,0,0,technical,low -0.95,0.62,4,150,2,0,0,0,management,low -0.51,0.86,4,260,3,1,0,0,marketing,low -0.77,0.91,4,161,3,0,0,0,marketing,low -0.48,0.51,3,136,3,0,0,0,marketing,low -0.93,0.91,2,238,2,1,0,0,sales,low -0.83,0.86,4,98,4,0,0,0,sales,low -0.61,0.73,5,156,4,0,0,0,sales,low -0.97,0.89,4,248,2,0,0,0,sales,low -0.5,0.81,3,170,2,0,0,0,sales,low -0.84,0.54,3,245,3,0,0,0,sales,low -0.58,0.38,4,203,5,0,0,0,sales,low -0.59,0.72,3,182,3,0,0,0,sales,medium -0.77,0.83,3,175,3,0,0,1,sales,medium -0.78,0.4,4,145,5,1,0,1,sales,medium -0.6,0.96,4,220,3,1,0,1,sales,medium -0.53,0.77,4,259,2,1,0,1,sales,medium -0.73,0.69,3,228,2,0,0,1,sales,medium -0.76,0.94,3,189,3,0,0,0,sales,medium -0.12,0.61,6,257,3,0,0,0,sales,medium -0.2,0.98,3,180,6,0,0,0,sales,medium -0.5,0.77,4,180,3,0,0,0,sales,medium -0.79,0.65,5,215,2,1,0,0,sales,medium -0.96,0.68,3,132,2,0,0,0,sales,medium -0.26,0.69,5,213,2,0,0,0,accounting,high -0.8,0.72,4,173,3,0,0,0,accounting,low -0.43,0.71,3,186,2,0,0,0,accounting,medium -0.87,0.71,4,157,2,0,0,0,hr,medium -0.63,0.75,4,175,4,0,0,0,hr,medium -0.58,0.48,3,135,3,1,0,0,hr,medium -0.2,0.42,4,256,5,0,0,0,hr,low -0.62,0.71,4,268,3,0,0,0,technical,low -0.91,0.94,5,159,3,0,0,0,technical,low -0.66,0.91,3,191,4,0,0,0,technical,low -0.53,0.81,3,275,2,0,0,0,technical,low -0.52,0.98,5,217,2,1,0,0,technical,low -1,0.88,6,201,4,0,0,0,technical,low -0.73,0.67,4,205,3,0,0,0,technical,low -0.65,0.67,3,240,2,1,0,0,technical,low -0.5,0.95,5,137,3,0,0,0,technical,low -0.94,0.59,4,241,2,0,0,0,technical,low -0.48,0.86,5,198,4,0,0,0,technical,low -0.67,0.87,5,254,2,0,0,0,support,low -0.73,0.94,4,262,3,0,0,0,support,low -0.63,0.71,4,244,2,0,0,0,support,low -0.84,0.84,4,266,3,0,0,0,support,low -0.2,0.94,6,191,5,0,0,0,support,low -0.76,0.57,3,148,3,1,0,0,support,low -0.55,0.54,3,233,2,0,0,0,support,low -0.8,0.55,4,178,2,1,0,0,support,low -0.64,0.91,3,165,3,1,0,0,support,low -0.59,0.97,5,179,6,0,0,0,support,medium -0.92,0.98,3,149,3,0,0,0,support,medium -0.75,0.76,3,269,2,1,0,0,technical,medium -0.69,0.74,5,227,2,0,0,0,technical,medium -0.82,0.93,3,247,3,0,0,0,technical,medium -0.88,0.85,3,220,3,0,0,0,management,medium -0.89,0.91,3,233,2,0,0,0,IT,medium -1,0.79,5,171,5,0,0,0,IT,medium -0.66,0.91,4,234,2,1,0,0,IT,medium -0.76,0.92,3,176,2,0,0,0,IT,medium -0.8,0.62,5,190,4,1,0,0,IT,medium -0.58,0.86,4,168,2,0,0,0,product_mng,medium -0.73,0.93,3,205,3,0,0,0,product_mng,high -1,0.73,5,189,3,1,0,0,product_mng,low -0.18,0.9,4,282,4,0,0,0,product_mng,medium -0.47,0.46,2,152,2,0,0,0,IT,medium -0.92,0.64,4,217,4,0,0,0,RandD,medium -0.51,0.5,4,130,3,0,0,0,RandD,medium -0.81,0.62,4,153,4,0,0,0,RandD,low -0.52,0.57,3,270,3,0,0,0,RandD,low -0.95,0.96,3,220,3,0,0,0,RandD,low -0.93,0.64,4,253,3,0,0,0,RandD,low -0.98,0.67,4,209,6,0,0,0,marketing,low -0.79,0.79,4,231,2,0,0,0,sales,low -0.99,0.73,4,240,4,0,0,0,accounting,low -0.64,0.9,5,266,3,0,0,0,support,low -0.54,0.44,3,153,2,0,0,0,technical,low -0.79,0.59,4,187,2,0,0,0,management,low -0.55,0.98,4,185,2,1,0,0,marketing,low -0.18,0.81,4,147,4,0,0,0,marketing,low -0.56,0.81,4,188,3,1,0,0,marketing,low -0.92,0.67,2,252,2,0,0,0,sales,low -0.99,0.75,4,163,2,0,0,0,sales,low -0.77,0.85,4,189,2,0,0,0,sales,low -0.49,0.52,3,156,2,0,0,0,sales,low -0.98,0.58,3,183,3,0,0,0,sales,low -0.18,0.54,6,209,5,1,0,0,sales,low -0.8,0.82,4,271,4,0,0,0,sales,low -0.81,0.77,5,251,2,0,0,0,sales,low -0.13,0.61,5,198,5,0,0,0,sales,medium -0.58,0.97,3,274,4,1,0,1,sales,medium -0.75,0.63,4,209,3,0,0,1,sales,medium -0.8,0.94,4,271,4,0,0,1,sales,medium -0.78,0.6,4,143,2,0,0,1,sales,medium -0.92,0.6,5,236,3,1,0,1,sales,medium -0.85,0.98,5,222,3,0,0,1,sales,medium -0.52,0.63,3,233,3,0,0,1,sales,medium -0.95,0.84,3,270,3,1,0,1,sales,medium -0.81,0.92,5,258,3,0,0,1,sales,medium -0.16,0.82,6,202,4,1,0,1,sales,medium -0.91,0.74,3,150,2,0,0,0,accounting,medium -0.62,0.51,4,193,3,0,0,0,accounting,high -0.24,0.42,5,210,5,0,0,0,accounting,low -0.88,0.51,3,208,3,0,0,0,hr,medium -0.94,0.73,3,196,3,0,0,0,hr,medium -0.76,0.79,5,187,4,0,0,0,hr,medium -0.49,0.67,3,140,2,0,0,0,hr,medium -0.93,0.9,4,256,4,0,0,0,technical,low -0.92,0.66,4,113,3,0,0,0,technical,low -0.19,0.94,4,196,5,0,0,0,technical,low -0.66,0.76,3,170,3,0,0,0,technical,low -0.16,0.94,4,261,6,0,0,0,technical,low -0.83,0.99,5,132,3,0,0,0,technical,low -0.69,0.53,3,153,3,0,0,0,technical,low -0.82,0.53,3,147,3,1,0,0,technical,low -0.88,0.72,5,244,2,0,0,0,technical,low -0.31,0.42,4,108,4,0,0,0,technical,low -0.83,0.49,4,218,2,0,0,0,technical,low -0.94,0.52,5,133,3,0,0,0,support,low -0.65,0.79,5,233,3,0,0,0,support,low -0.6,0.6,4,147,3,0,0,0,support,low -0.52,0.43,3,176,3,0,0,0,support,low -0.66,0.89,4,169,4,0,0,0,support,low -0.87,0.87,4,144,3,0,0,0,support,low -0.2,0.99,5,151,3,1,0,0,support,low -0.63,0.91,4,252,3,1,0,0,support,medium -0.69,0.98,4,180,3,0,0,0,support,medium -0.48,0.61,3,251,3,0,0,0,support,medium -0.8,0.8,4,263,4,0,0,0,support,medium -0.89,0.74,5,260,6,0,0,0,technical,medium -0.67,0.63,3,227,3,0,0,0,technical,medium -0.37,0.86,6,260,3,0,0,0,technical,medium -0.93,0.61,5,158,3,0,0,0,management,medium -0.69,0.52,3,186,3,0,0,0,IT,medium -0.16,0.61,4,171,6,0,0,0,IT,medium -0.81,0.55,3,199,2,1,0,0,IT,medium -0.97,0.63,5,258,2,0,0,0,IT,medium -0.77,0.59,4,273,2,0,0,0,IT,high -0.75,0.78,2,259,3,0,0,0,product_mng,low -0.88,0.82,3,265,3,0,0,0,product_mng,medium -0.43,0.51,5,168,4,0,0,0,product_mng,medium -0.99,0.99,4,163,4,0,0,0,product_mng,medium -0.59,0.65,5,265,3,0,0,0,IT,medium -0.89,0.71,4,190,3,0,0,0,RandD,low -0.54,0.73,3,157,3,0,0,0,RandD,low -0.32,0.86,4,266,4,0,0,0,RandD,low -0.17,0.55,6,240,6,0,0,0,RandD,low -0.78,0.55,3,143,3,0,0,0,RandD,low -0.73,0.68,3,121,5,0,0,0,RandD,low -0.65,0.76,2,170,5,0,0,0,IT,low -0.8,0.71,4,161,4,0,0,0,IT,low -0.61,0.86,3,239,3,0,0,0,IT,low -0.67,0.49,3,224,3,0,0,0,IT,low -0.63,0.57,3,242,3,0,0,0,product_mng,low -0.51,0.58,4,140,2,1,0,0,product_mng,low -0.82,0.59,5,170,3,0,0,0,product_mng,low -0.79,0.67,5,156,2,0,0,0,product_mng,low -0.49,0.6,2,113,5,0,0,0,IT,low -0.7,0.59,3,138,3,0,0,0,RandD,low -0.13,0.5,3,137,5,0,0,0,RandD,low -0.83,0.52,5,217,3,0,0,0,RandD,low -0.83,0.91,3,155,3,0,0,0,RandD,low -0.19,0.83,5,280,4,0,0,0,RandD,low -0.8,0.81,5,248,2,1,0,0,RandD,low -0.49,0.67,2,190,8,0,0,0,marketing,medium -0.92,0.99,3,176,8,0,0,0,sales,medium -0.81,0.55,4,217,8,0,0,0,accounting,medium -0.62,0.91,3,269,8,0,0,0,support,medium -0.21,0.7,3,238,8,0,0,0,technical,medium -0.95,0.74,5,243,6,0,0,0,management,medium -0.51,0.8,4,198,6,0,0,0,marketing,medium -0.52,0.89,3,188,6,0,0,0,marketing,medium -0.64,0.56,3,257,6,0,0,0,marketing,medium -0.62,0.79,4,268,6,0,0,0,sales,medium -0.73,0.88,5,233,4,1,0,0,sales,medium -0.32,0.86,4,214,5,0,0,0,sales,medium -0.78,0.96,2,285,3,0,0,0,sales,high -0.65,0.91,4,224,2,1,0,0,sales,low -0.56,0.92,4,224,3,0,0,0,sales,medium -0.96,0.89,3,142,4,0,0,0,sales,medium -0.79,0.82,4,220,3,0,0,0,sales,medium -0.66,0.58,4,244,3,0,0,0,sales,medium -0.67,0.68,4,171,3,0,0,0,sales,low -0.86,0.82,4,274,2,1,0,0,sales,low -0.57,0.72,4,214,2,1,0,0,sales,low -0.86,0.87,5,171,2,0,0,0,sales,low -0.52,0.59,5,150,2,0,0,0,sales,low -0.73,0.61,4,260,2,1,0,0,sales,low -0.78,0.63,5,259,3,0,0,0,sales,low -0.95,0.63,3,153,2,0,0,0,sales,low -0.75,0.61,3,263,3,0,0,0,sales,low -0.83,0.52,2,149,2,1,0,0,sales,low -0.48,1,4,261,3,0,0,0,accounting,low -0.3,0.58,2,189,4,1,0,0,accounting,low -0.72,0.85,5,237,4,0,0,0,accounting,low -0.61,0.52,3,224,3,0,0,0,hr,low -0.31,0.87,6,240,3,1,0,0,hr,low -0.62,0.81,3,245,2,1,0,0,hr,low -0.48,0.49,3,268,3,0,0,0,hr,low -0.97,0.89,4,208,2,1,0,0,technical,low -0.61,0.83,4,153,2,0,0,0,technical,low -0.93,0.99,3,169,3,0,0,0,technical,low -0.89,0.39,5,218,2,0,0,0,technical,low -0.95,0.9,3,155,3,0,0,0,technical,medium -0.36,0.44,5,155,3,0,0,0,technical,medium -0.29,0.39,6,105,6,0,0,0,technical,medium -0.65,0.83,4,251,2,0,0,0,technical,medium -0.72,0.54,4,219,2,0,0,0,technical,medium -0.51,0.56,4,198,2,1,0,0,technical,medium -0.54,0.53,4,158,2,0,0,0,technical,medium -0.66,0.58,3,157,2,0,0,0,support,medium -0.59,0.54,4,178,2,0,0,0,support,medium -0.45,0.48,3,145,2,0,0,0,support,medium -0.15,0.91,5,230,3,0,0,0,support,medium -0.95,0.53,3,174,3,0,0,0,support,medium -0.49,0.59,5,140,3,0,0,0,support,high -0.68,0.97,3,174,2,0,0,0,support,low -0.7,0.76,4,173,2,0,0,0,support,medium -0.9,0.73,2,203,4,0,0,0,support,medium -0.94,0.95,5,170,3,0,0,0,support,medium -0.8,0.86,3,203,3,0,0,0,support,medium -0.59,0.53,5,169,3,0,0,0,technical,low -0.43,0.96,3,109,6,0,0,0,technical,low -0.7,0.54,5,263,3,0,0,0,technical,low -0.51,0.62,4,185,3,0,0,0,management,low -0.12,0.49,4,191,5,0,0,0,IT,low -0.14,0.56,5,259,4,1,0,0,IT,low -0.86,0.91,4,253,3,0,0,0,IT,low -0.97,0.5,3,216,3,0,0,0,IT,low -1,0.86,2,264,3,0,0,0,IT,medium -0.49,0.63,3,181,3,1,0,0,product_mng,medium -0.9,0.93,3,209,3,0,0,0,product_mng,medium -0.82,0.89,4,239,2,0,0,0,product_mng,medium -0.59,0.48,3,197,3,0,0,0,product_mng,medium -0.97,0.57,4,150,2,0,0,0,IT,medium -0.69,0.88,3,164,10,0,0,0,management,medium -0.73,0.84,3,216,8,0,0,0,management,medium -0.48,0.74,2,271,8,1,0,0,management,medium -0.94,0.49,4,176,8,0,0,0,management,medium -0.74,0.73,3,156,8,0,0,0,management,medium -0.65,0.63,4,143,8,0,0,0,management,medium -0.93,0.94,4,233,6,0,0,0,IT,medium -0.57,0.67,3,138,6,1,0,0,IT,medium -0.9,0.49,3,259,6,0,0,0,IT,medium -0.55,0.86,4,169,6,0,0,0,IT,medium -0.59,0.73,3,172,6,0,0,0,product_mng,medium -0.72,0.98,4,156,3,0,0,0,product_mng,medium -0.87,0.52,4,140,3,0,0,0,product_mng,medium -0.86,0.82,4,212,2,0,0,0,product_mng,medium -0.61,0.5,4,269,3,0,0,0,IT,medium -0.45,0.63,5,111,5,0,0,0,management,medium -0.51,0.63,4,198,2,0,0,0,management,medium -0.87,0.92,4,263,3,0,0,0,management,medium -0.29,0.38,5,191,5,0,0,0,management,medium -0.57,0.64,3,188,3,0,0,0,management,medium -0.69,0.83,4,252,3,0,0,0,management,medium -0.61,0.9,2,142,3,0,0,0,marketing,high -0.96,0.85,4,247,3,0,0,0,sales,high -0.16,0.61,6,269,2,0,0,0,accounting,high -0.96,0.82,4,244,3,0,0,0,support,high -0.77,0.81,4,164,3,0,0,0,technical,high -0.85,0.87,6,232,5,0,0,0,management,high -0.37,0.49,3,177,3,0,0,0,marketing,high -0.68,0.65,3,173,3,1,0,0,marketing,high -0.87,0.6,5,165,2,1,0,0,marketing,high -0.95,0.8,3,225,2,0,0,0,sales,high -0.84,0.63,3,121,3,1,0,0,sales,low -0.44,0.51,2,219,4,0,0,0,sales,low -0.94,0.73,4,204,2,0,0,0,sales,low -0.85,0.94,5,235,4,0,0,0,sales,low -0.75,0.51,2,215,2,1,0,0,sales,low -0.76,0.67,5,243,3,0,0,0,sales,low -0.13,0.97,4,162,6,0,0,0,sales,low -0.6,0.79,4,262,3,0,0,0,sales,low -0.45,0.55,4,206,2,0,0,0,sales,low -0.49,1,2,125,4,1,0,0,sales,low -0.19,0.36,3,167,5,0,0,0,sales,low -0.68,0.89,5,218,5,0,0,0,sales,low -0.53,0.91,5,181,3,0,0,0,sales,low -1,0.77,5,269,3,0,0,0,sales,low -0.99,0.86,3,167,2,0,0,0,sales,low -0.29,0.75,6,271,10,0,0,0,sales,medium -0.54,0.83,4,201,8,1,0,0,sales,medium -0.25,0.9,6,229,8,0,0,0,sales,medium -0.71,0.76,4,148,8,0,0,0,accounting,medium -0.96,0.84,3,147,8,0,0,0,accounting,medium -0.8,0.9,4,211,8,0,0,0,accounting,medium -0.82,0.87,5,145,6,0,0,0,hr,medium -0.19,0.97,6,269,6,0,0,0,hr,medium -0.43,0.74,4,129,6,0,0,0,hr,medium -0.62,0.84,3,270,6,0,0,0,hr,medium -0.75,0.85,3,250,6,0,0,0,technical,medium -0.56,0.48,5,192,2,1,0,0,technical,medium -0.88,0.91,4,233,4,0,0,0,technical,high -0.63,0.57,4,192,3,0,0,0,technical,high -0.75,0.93,3,247,2,0,0,0,technical,high -0.74,1,4,192,4,0,0,0,technical,high -0.55,0.68,3,178,3,1,0,0,technical,high -0.87,0.55,4,197,3,0,0,0,technical,high -0.13,0.9,5,264,6,0,0,0,technical,high -0.33,0.64,2,274,3,1,0,0,technical,high -0.89,0.97,4,147,2,0,0,0,technical,low -0.56,0.94,3,154,3,1,0,0,support,low -0.95,0.61,3,224,2,1,0,0,support,low -0.57,0.59,4,250,2,0,0,0,support,low -0.72,0.53,3,179,3,0,0,0,support,low -0.28,0.44,4,170,2,0,0,0,support,low -0.54,0.61,4,118,5,0,0,0,support,low -0.54,0.95,4,256,3,0,0,0,support,low -0.99,0.8,3,209,2,0,0,0,support,medium -0.37,0.69,2,146,3,0,0,0,support,medium -0.77,0.87,3,275,4,1,0,0,support,medium -0.7,0.88,4,180,2,0,0,0,support,medium -0.8,0.74,3,228,3,0,0,0,technical,medium -0.52,0.63,3,204,3,0,0,0,technical,medium -0.69,0.55,3,172,2,0,0,0,technical,medium -0.6,0.62,5,274,3,0,0,0,management,medium -0.74,0.64,3,136,2,0,0,0,IT,medium -0.69,0.82,4,252,3,1,0,0,IT,medium -0.78,0.89,4,137,3,0,0,0,IT,medium -0.77,0.75,4,191,3,0,0,0,IT,medium -0.91,0.68,4,132,4,0,0,0,IT,medium -0.54,0.68,6,249,5,0,0,0,product_mng,medium -0.48,0.77,6,274,6,0,0,0,product_mng,medium -0.55,0.96,3,194,3,0,0,0,product_mng,medium -0.17,0.36,6,191,2,0,0,0,product_mng,medium -0.77,0.83,5,216,4,0,0,0,IT,medium -0.93,0.98,3,241,3,0,0,0,IT,medium -0.65,0.91,4,243,5,1,0,0,IT,medium -0.67,0.52,4,207,3,0,0,0,IT,medium -0.95,0.88,3,199,3,0,0,0,IT,medium -0.61,0.97,6,286,4,0,0,0,product_mng,medium -0.57,0.39,4,132,3,0,0,0,product_mng,high -0.65,1,4,229,4,0,0,0,product_mng,low -0.85,0.81,4,260,3,0,0,0,product_mng,medium -0.61,0.96,3,214,2,0,0,0,IT,medium -0.65,0.9,6,217,4,1,0,1,RandD,medium -0.92,0.93,4,225,2,0,0,1,RandD,medium -0.37,0.41,2,113,3,0,0,1,RandD,medium -0.48,0.77,5,250,2,0,0,1,RandD,medium -0.82,0.91,5,271,2,0,0,1,RandD,medium -0.84,0.75,4,135,3,0,0,1,RandD,medium -0.57,0.46,2,100,6,1,0,1,marketing,medium -0.8,0.75,4,224,3,0,0,1,sales,medium -0.49,0.91,4,134,4,0,0,0,accounting,low -0.79,0.82,5,158,2,0,0,0,support,low -0.48,0.67,3,183,2,0,0,0,technical,low -0.28,0.89,4,97,6,0,0,0,management,low -0.47,0.56,4,226,3,0,0,0,marketing,low -0.91,0.6,4,235,4,1,0,0,marketing,low -0.75,0.6,4,186,10,1,0,0,marketing,low -0.61,0.89,3,242,10,0,0,0,sales,high -0.47,0.79,3,284,10,0,0,0,sales,low -0.22,0.7,2,274,10,0,0,0,sales,high -0.5,0.48,4,130,10,0,0,0,sales,high -0.56,0.87,3,146,10,0,0,0,sales,low -0.84,0.85,4,207,10,0,0,0,sales,low -0.69,0.72,4,210,2,1,0,0,sales,high -0.53,0.64,3,143,2,0,0,0,sales,low -0.17,0.57,4,116,3,0,0,0,sales,medium -0.48,0.71,2,162,3,1,0,0,sales,high -0.94,0.51,3,242,3,0,0,0,sales,medium -0.77,0.89,4,153,7,0,0,0,sales,medium -1,0.72,5,194,7,1,0,0,sales,medium -0.49,0.65,4,233,7,0,0,0,sales,medium -0.93,0.73,4,283,7,0,0,0,sales,high -0.38,0.43,3,188,7,0,0,0,sales,medium -0.6,0.54,4,182,6,0,0,0,sales,medium -0.5,0.82,2,286,6,0,0,0,sales,medium -0.97,0.55,5,212,6,0,0,0,sales,high -0.93,0.95,5,176,6,0,0,1,accounting,medium -0.5,1,5,264,8,0,0,1,accounting,high -0.52,0.84,3,261,8,0,0,1,accounting,low -0.5,0.71,4,163,8,0,0,1,hr,medium -0.55,0.4,3,139,8,0,0,1,hr,medium -0.95,0.84,3,261,8,1,0,1,hr,medium -0.48,0.42,2,275,6,1,0,1,hr,medium -0.51,0.39,5,132,6,1,0,1,technical,low -0.96,0.48,3,202,6,0,0,0,technical,low -0.97,0.84,4,177,6,0,0,0,technical,low -0.97,0.66,5,234,6,0,0,0,technical,low -0.71,0.54,4,188,6,0,0,0,technical,low -0.82,0.49,5,203,6,0,0,0,technical,low -0.57,1,4,227,10,0,0,0,technical,low -0.48,0.93,3,150,10,0,0,0,technical,low -0.71,0.64,3,267,3,0,0,0,technical,low -0.63,0.61,5,186,10,0,0,0,technical,low -0.99,0.84,4,142,10,0,0,0,technical,high -0.79,0.83,3,126,10,1,0,0,support,low -0.65,0.85,4,201,10,0,0,0,support,low -0.7,0.85,4,142,2,0,0,0,support,low -0.99,0.94,4,167,4,0,0,0,support,low -0.65,0.62,4,258,2,0,0,0,support,high -0.92,0.85,3,207,2,0,0,0,support,low -0.24,0.5,4,282,4,1,0,0,support,low -0.39,0.89,3,188,5,0,0,0,support,low -0.82,0.85,3,214,2,0,0,0,support,high -0.78,0.89,4,272,2,0,0,0,support,low -0.62,0.79,3,259,3,0,0,0,support,medium -0.6,0.61,5,191,2,1,0,0,technical,high -0.49,0.57,3,192,3,0,0,0,technical,medium -0.82,0.82,3,164,3,0,0,0,technical,high -0.48,0.81,4,149,2,0,0,0,management,medium -0.69,0.56,4,149,3,0,0,0,IT,medium -0.4,0.89,2,165,3,0,0,0,IT,medium -0.72,0.8,3,222,3,0,0,0,IT,medium -0.75,0.84,5,222,3,1,0,0,IT,medium -0.5,0.77,3,265,3,0,0,0,IT,medium -0.78,0.5,5,247,4,0,0,0,product_mng,medium -0.76,0.45,4,147,2,0,0,0,product_mng,medium -0.94,0.52,3,273,3,0,0,0,product_mng,high -0.24,0.94,6,144,4,0,0,0,product_mng,low -0.99,0.66,3,181,2,0,0,0,IT,medium -0.67,0.64,3,198,2,1,0,0,management,medium -0.76,0.57,5,255,4,0,0,0,management,medium -0.76,0.77,4,169,10,0,0,0,management,medium -0.55,0.64,4,201,10,1,0,0,management,medium -0.74,0.6,4,274,10,1,0,0,management,medium -0.81,0.85,4,134,10,1,0,0,management,medium -0.98,0.67,3,190,10,0,0,0,IT,medium -0.98,0.98,4,170,10,0,0,0,IT,medium -0.58,0.91,3,154,10,0,0,0,product_mng,high -0.18,0.75,3,142,2,0,0,0,product_mng,low -0.57,0.67,5,235,2,0,0,0,product_mng,low -0.7,0.62,3,110,3,0,0,0,product_mng,low -0.49,0.77,3,211,3,0,0,0,IT,high -0.7,0.56,4,214,3,0,0,1,management,medium -0.16,0.93,5,210,7,0,0,1,management,medium -0.58,0.59,3,207,7,0,0,1,management,medium -0.66,0.57,4,161,7,0,0,1,management,medium -0.51,0.55,2,102,7,0,0,1,management,medium -0.48,0.84,4,186,7,0,0,1,management,medium -0.56,0.71,3,211,6,0,0,1,marketing,low -0.81,0.62,3,240,6,0,0,1,sales,low -0.57,0.7,4,237,6,0,0,0,accounting,low -0.66,0.53,3,164,6,0,0,0,support,low -0.22,0.91,6,222,8,0,0,0,technical,low -0.96,0.71,3,205,8,1,0,0,management,medium -0.87,0.88,4,140,8,0,0,0,marketing,medium -0.61,0.42,2,103,8,0,0,0,marketing,medium -0.66,0.85,3,178,8,1,0,0,marketing,medium -0.9,0.51,4,137,6,0,0,0,sales,medium -0.64,0.67,3,143,6,0,0,0,sales,medium -0.76,0.82,4,170,6,0,0,0,sales,medium -0.97,0.41,5,135,6,0,0,0,sales,medium -0.69,0.76,3,174,6,0,0,0,sales,medium -0.98,0.55,3,166,6,1,0,0,sales,medium -0.18,0.61,5,174,6,0,0,0,sales,medium -0.62,0.91,3,251,10,0,0,0,sales,medium -0.29,0.37,6,187,10,1,0,0,sales,high -0.87,0.48,5,170,3,0,0,0,sales,low -0.91,0.64,3,241,10,0,0,0,sales,medium -0.53,0.79,3,221,10,1,0,0,sales,medium -0.69,0.73,4,257,10,1,0,0,sales,medium -0.14,0.58,4,275,10,0,0,0,sales,medium -0.7,0.77,4,245,2,0,0,0,sales,low -0.77,0.75,6,246,6,0,0,0,sales,low -0.77,0.76,6,263,6,0,0,0,sales,low -0.76,0.99,3,133,4,0,0,0,sales,low -0.66,0.49,4,157,3,0,0,0,sales,low -0.5,0.95,3,198,4,0,0,0,accounting,low -0.57,0.9,5,145,3,0,0,0,accounting,low -0.97,0.62,6,118,2,0,0,0,accounting,low -0.26,0.99,5,184,5,0,0,0,hr,low -0.72,0.62,3,243,2,1,0,0,hr,low -0.83,0.93,3,247,2,0,0,0,hr,low -0.55,0.4,3,158,3,0,0,0,hr,low -0.77,0.74,5,243,2,0,0,0,technical,low -0.24,0.63,4,203,5,0,0,0,technical,low -0.8,0.96,3,161,3,0,0,0,technical,low -0.5,0.59,4,214,3,1,0,0,technical,low -0.66,0.59,4,179,3,0,0,0,technical,low -0.66,0.77,4,188,2,0,0,0,technical,low -0.66,0.81,3,174,3,0,0,0,technical,low -0.96,0.83,3,177,4,0,0,0,technical,low -0.75,0.94,5,194,4,0,0,0,technical,low -0.78,0.77,3,244,2,0,0,0,technical,medium -0.57,0.82,4,269,2,0,0,0,technical,medium -0.78,0.68,2,159,3,1,0,0,support,medium -0.57,0.88,4,140,2,0,0,0,support,medium -0.84,0.56,5,224,2,0,0,0,support,medium -0.23,0.94,5,242,4,0,0,0,support,medium -0.53,0.37,3,180,3,0,0,0,support,medium -0.82,0.71,3,150,3,0,0,0,support,medium -0.59,0.64,5,269,3,0,0,0,support,medium -0.5,0.52,2,178,2,0,0,0,support,medium -1,0.74,2,187,3,0,0,0,support,medium -0.94,0.61,3,140,2,0,0,0,support,medium -0.86,0.61,4,193,2,0,0,0,support,high -0.73,0.49,4,243,2,0,0,0,technical,low -0.49,0.94,3,144,3,1,0,0,technical,medium -0.79,0.73,2,147,2,0,0,0,technical,medium -0.83,0.5,6,165,3,0,0,0,management,medium -0.85,0.67,3,176,2,0,0,0,IT,medium -0.65,0.37,3,170,6,0,0,0,IT,low -0.94,0.65,4,213,2,1,0,0,IT,low -0.76,0.81,4,242,2,0,0,0,IT,low -0.77,0.54,4,139,3,1,0,0,IT,low -0.77,0.91,4,239,3,1,0,0,product_mng,low -0.59,0.64,5,123,2,0,0,0,product_mng,low -0.69,0.9,3,185,4,0,0,0,product_mng,low -0.51,0.85,4,186,2,0,0,0,product_mng,low -0.8,0.67,3,178,3,0,0,0,IT,low -0.98,0.7,3,153,10,0,0,0,management,high -0.69,0.72,4,185,10,1,0,0,management,high -0.14,0.76,4,142,10,0,0,0,management,high -0.95,0.9,4,221,10,1,0,0,management,high -0.53,0.61,3,148,10,0,0,0,management,high -0.64,0.52,5,258,10,1,0,0,management,high -0.51,0.73,4,229,3,0,0,0,sales,low -0.36,0.73,2,111,2,0,0,0,sales,low -0.62,0.97,2,271,3,0,0,0,sales,low -0.98,0.58,4,133,3,0,0,0,sales,low -0.53,0.7,4,223,3,0,0,0,sales,low -0.8,0.95,4,272,2,0,0,0,sales,low -0.73,0.77,3,233,3,0,0,0,sales,medium -0.82,0.8,3,162,3,0,0,0,sales,medium -0.62,0.75,5,165,4,0,0,0,sales,medium -0.87,0.48,5,242,3,0,0,0,sales,medium -0.43,0.65,4,124,2,0,0,0,sales,medium -0.57,0.6,2,163,3,0,0,0,sales,medium -0.91,0.77,3,144,3,0,0,0,sales,medium -0.75,0.59,5,149,4,0,0,0,sales,medium -0.76,0.8,5,217,2,0,0,0,sales,medium -0.85,0.49,4,139,2,0,0,0,sales,medium -0.56,0.67,3,270,2,0,0,0,sales,medium -0.86,0.84,3,177,3,0,0,0,sales,medium -0.21,0.43,5,175,2,1,0,0,sales,high -0.94,0.59,3,151,2,0,0,0,sales,low -0.98,0.74,3,185,3,0,0,0,sales,medium -0.42,0.45,3,227,3,0,0,0,sales,medium -0.98,0.89,4,218,2,0,0,0,sales,medium -1,0.93,5,167,3,0,0,0,sales,medium -0.95,0.52,3,183,2,1,0,0,sales,low -0.95,0.5,4,259,3,0,0,0,sales,low -0.68,0.53,3,138,2,1,0,0,sales,low -0.64,0.38,5,122,4,0,0,0,sales,low -0.24,0.62,6,225,6,0,0,0,sales,low -0.37,0.72,3,121,2,0,0,0,sales,low -0.67,0.4,4,274,3,0,0,0,sales,low -0.86,0.89,4,153,4,0,0,0,sales,low -0.43,0.38,3,119,2,0,0,0,sales,low -0.67,0.67,4,141,2,1,0,0,sales,low -0.92,0.6,4,161,3,0,0,0,IT,low -0.43,0.46,2,186,2,0,0,0,product_mng,low -0.52,0.8,3,252,4,0,0,0,product_mng,low -0.16,0.42,3,182,3,1,0,0,product_mng,low -0.49,0.6,4,264,2,1,0,0,product_mng,low -0.37,0.63,4,167,3,0,0,0,IT,low -0.98,0.68,5,171,3,0,0,0,management,high -0.33,0.97,5,130,4,0,0,0,management,high -0.14,0.79,5,271,4,0,0,0,management,high -0.54,0.79,5,249,3,1,0,0,management,high -0.63,0.48,4,180,4,0,0,0,management,high -0.55,0.69,4,220,3,1,0,0,management,high -0.84,0.53,3,210,4,1,0,0,marketing,medium -0.51,0.97,4,258,2,0,0,0,sales,medium -0.15,0.75,3,150,4,0,0,1,accounting,medium -0.97,0.79,5,259,3,0,0,1,support,medium -0.67,0.69,3,231,3,0,0,1,technical,medium -0.48,0.67,4,220,3,0,0,1,management,medium -0.69,0.58,4,149,3,0,0,1,marketing,medium -0.6,0.62,3,238,4,0,0,1,marketing,medium -0.82,0.71,2,209,5,0,0,1,marketing,medium -0.86,0.95,4,149,3,0,0,1,sales,medium -0.69,0.59,4,264,3,0,0,0,sales,medium -0.87,0.87,5,207,2,0,0,0,sales,high -0.17,0.78,3,239,6,0,0,0,sales,low -0.94,0.51,6,239,5,0,0,0,sales,medium -0.5,1,4,258,3,0,0,0,sales,medium -0.16,0.72,3,203,3,0,0,0,sales,medium -0.89,0.99,2,258,3,0,0,0,sales,medium -0.69,0.51,3,257,3,1,0,0,IT,low -0.5,0.51,5,134,3,0,0,0,product_mng,low -0.16,0.46,6,240,2,0,0,0,product_mng,low -0.75,0.99,2,237,5,1,0,0,product_mng,low -0.64,0.66,5,157,2,0,0,0,product_mng,low -0.78,0.43,4,275,3,0,0,0,IT,low -0.81,0.74,2,228,3,0,0,0,management,high -0.55,0.58,3,254,2,0,0,0,management,high -0.53,0.53,4,257,2,0,0,0,management,high -0.69,0.73,3,231,2,1,0,0,management,high -0.8,0.53,3,217,3,0,0,0,management,high -0.77,0.98,3,286,6,0,0,0,management,high -0.84,0.8,4,236,3,0,0,0,marketing,low -0.64,0.55,4,215,2,0,0,0,sales,low -0.78,0.57,4,157,3,0,0,0,accounting,low -0.67,0.7,3,149,3,0,0,0,support,low -0.81,0.77,3,221,2,0,0,0,technical,low -0.91,0.82,4,238,2,0,0,0,management,low -0.75,0.89,6,250,2,0,0,0,marketing,medium -0.78,0.96,3,202,4,1,0,0,marketing,medium -0.54,0.52,4,173,2,0,0,0,marketing,medium -0.77,0.71,5,250,3,1,0,0,sales,medium -0.89,0.63,4,270,3,1,0,0,sales,medium -0.16,0.98,3,232,5,0,0,0,sales,medium -0.77,0.99,4,260,3,0,0,0,sales,medium -0.69,0.48,5,232,4,0,0,0,sales,medium -0.61,0.81,4,134,3,0,0,0,sales,medium -0.59,0.81,4,189,3,0,0,0,sales,medium -0.58,0.8,4,113,3,0,0,0,IT,medium -0.88,0.67,5,264,3,0,0,0,product_mng,medium -0.51,0.63,5,260,2,0,0,0,product_mng,high -0.31,0.7,3,132,3,0,0,0,product_mng,low -0.52,0.52,4,168,3,0,0,0,product_mng,medium -0.57,0.46,3,186,3,1,0,0,IT,medium -0.5,0.77,3,267,2,0,0,0,management,high -0.74,0.63,3,180,3,0,0,0,management,high -0.74,0.77,3,211,3,0,0,0,management,high -0.82,0.51,2,268,2,0,0,0,management,high -0.74,0.71,3,206,3,0,0,0,management,high -0.2,0.59,6,113,3,0,0,0,management,high -0.63,0.48,4,179,3,0,0,0,marketing,low -0.19,0.8,6,157,6,1,0,0,sales,low -0.4,0.62,4,127,5,0,0,0,accounting,low -0.71,0.37,2,179,5,0,0,1,support,low -0.84,0.73,4,197,3,0,0,1,technical,low -0.59,0.84,4,251,4,1,0,1,management,low -0.57,0.85,4,250,3,1,0,1,marketing,low -0.81,0.61,2,176,5,0,0,1,marketing,low -0.8,0.7,4,246,3,0,0,1,marketing,low -0.49,0.66,3,155,3,0,0,1,sales,low -0.55,0.64,3,178,2,0,0,1,sales,low -0.68,0.4,3,213,5,1,0,1,sales,low -0.55,0.67,3,150,2,0,0,1,sales,low -0.59,0.62,3,166,2,0,0,0,sales,low -0.91,0.8,5,169,4,0,0,0,sales,low -0.48,0.9,4,208,3,0,0,0,sales,low -0.84,0.66,3,209,2,0,0,0,sales,low -0.73,0.54,4,167,3,0,0,0,IT,medium -0.28,0.59,6,281,3,0,0,0,product_mng,medium -0.77,0.65,3,156,4,0,0,0,product_mng,medium -0.67,0.65,3,265,3,0,0,0,product_mng,medium -0.5,0.53,3,142,3,1,0,0,product_mng,medium -0.32,0.47,3,143,4,0,0,0,IT,medium -0.57,0.78,3,134,3,0,0,0,RandD,medium -0.51,0.8,5,268,3,0,0,0,RandD,medium -0.61,0.6,3,255,2,0,0,0,RandD,medium -0.83,0.73,4,157,2,0,0,0,RandD,medium -0.87,0.97,5,151,3,0,0,0,RandD,medium -0.7,0.63,3,157,2,0,0,0,RandD,medium -0.78,0.65,3,139,3,0,0,0,marketing,high -0.71,0.53,4,196,2,1,0,0,sales,low -0.68,0.99,3,159,2,0,0,0,accounting,medium -0.75,0.53,4,224,4,1,0,0,support,medium -0.7,0.53,3,215,7,1,0,0,technical,medium -0.59,0.94,5,157,7,1,0,0,management,medium -0.64,0.87,4,157,7,0,0,0,marketing,low -0.61,0.88,5,146,7,1,0,0,marketing,low -0.77,0.49,2,286,7,0,0,0,marketing,low -0.51,0.64,3,203,3,0,0,0,sales,low -0.49,0.49,3,168,7,0,0,0,sales,low -0.77,0.75,3,170,7,0,0,0,sales,low -0.31,0.86,3,266,7,0,0,0,sales,low -0.54,0.76,3,183,3,0,0,0,sales,low -0.56,0.66,4,264,3,0,0,0,sales,low -0.65,0.77,4,205,3,0,0,0,sales,low -0.49,0.36,2,192,3,0,0,0,sales,low -0.82,0.79,3,176,3,0,0,0,technical,low -0.6,0.52,3,183,2,0,0,0,support,low -0.64,0.63,3,156,6,1,0,0,support,low -0.7,0.68,3,150,3,0,0,0,support,low -0.65,0.89,4,204,8,1,0,0,support,low -0.69,0.78,5,131,8,0,0,0,support,low -0.93,0.74,5,248,8,1,0,0,support,low -0.55,0.52,4,168,8,0,0,0,support,low -0.75,0.87,4,146,8,1,0,0,support,low -0.47,0.43,4,246,3,0,0,0,support,low -0.72,0.88,5,216,10,1,0,0,support,medium -0.59,0.92,3,203,10,0,0,0,support,medium -0.98,0.49,3,199,10,0,0,0,technical,medium -0.39,0.52,2,102,8,0,0,0,technical,medium -0.93,0.87,4,139,8,0,0,0,technical,medium -0.71,0.97,5,208,8,1,0,0,management,medium -0.49,0.54,4,215,4,0,0,0,IT,medium -0.63,0.93,4,233,3,0,0,0,IT,medium -0.45,0.64,3,169,10,0,0,0,IT,medium -0.77,0.64,3,190,10,1,0,0,IT,medium -0.77,0.63,4,236,7,0,0,0,IT,medium -0.5,0.92,4,266,7,0,0,0,product_mng,medium -0.45,0.42,4,156,7,0,0,0,product_mng,high -0.81,0.47,4,153,7,0,0,0,product_mng,low -0.83,0.67,3,175,3,0,0,0,product_mng,medium -0.47,0.76,6,174,10,0,0,0,IT,medium -0.25,0.89,4,154,10,0,0,0,management,high -0.89,0.55,5,251,10,0,0,0,management,high -0.97,0.57,3,164,10,0,0,0,management,high -0.6,0.65,2,225,10,0,0,0,management,high -0.67,0.72,2,134,10,0,0,0,management,high -0.89,0.77,3,144,3,0,0,0,management,high -0.6,0.91,5,211,3,0,0,0,sales,low -0.64,0.79,4,139,3,0,0,0,sales,low -0.57,0.66,3,268,3,0,0,0,sales,low -0.56,0.98,5,171,3,1,0,0,sales,low -0.6,0.9,4,260,2,0,0,0,sales,medium -0.17,0.66,6,224,3,0,0,0,sales,medium -0.74,0.49,4,233,3,0,0,0,sales,medium -0.44,0.41,3,125,7,0,0,0,sales,medium -0.51,0.89,4,233,7,0,0,0,sales,medium -0.86,0.57,3,162,7,0,0,0,sales,medium -0.96,0.48,4,198,7,0,0,0,sales,medium -0.87,0.82,4,198,7,0,0,0,sales,medium -0.58,0.79,3,243,3,1,0,0,sales,medium -0.24,0.56,4,281,7,0,0,0,sales,medium -0.42,0.8,4,259,7,1,0,0,sales,medium -0.65,0.94,4,184,7,0,0,0,sales,medium -0.73,0.92,6,189,3,1,0,0,sales,medium -0.63,0.6,4,258,3,0,0,0,sales,medium -0.95,0.48,4,225,3,0,0,0,sales,medium -0.52,0.83,5,145,3,0,0,0,sales,medium -0.96,0.55,3,164,3,0,0,0,sales,medium -0.66,0.51,4,254,2,0,0,0,sales,medium -0.98,0.44,4,154,6,1,0,0,sales,medium -0.56,0.79,5,248,3,0,0,0,sales,medium -0.97,0.54,3,154,8,1,0,0,sales,medium -0.72,0.92,3,242,8,0,0,0,sales,medium -0.74,0.78,4,194,8,0,0,0,sales,medium -0.2,0.6,5,261,8,0,0,0,sales,medium -0.73,0.56,3,245,8,0,0,0,sales,medium -0.76,0.79,3,247,3,0,0,0,sales,low -0.65,0.54,4,147,10,0,0,0,sales,low -0.66,0.5,3,139,10,1,0,0,sales,low -0.96,0.97,6,137,10,0,0,0,sales,low -0.57,0.55,4,177,8,0,0,0,sales,low -0.61,0.82,4,184,8,0,0,0,IT,low -0.57,0.69,3,212,8,0,0,0,product_mng,low -0.59,0.47,3,159,4,0,0,0,product_mng,low -0.92,0.68,4,178,3,0,0,0,product_mng,low -0.79,0.56,3,149,10,0,0,0,product_mng,low -0.95,0.66,4,223,10,0,0,0,IT,low -0.24,0.81,6,263,7,0,0,0,management,high -0.49,0.52,4,161,7,0,0,0,management,high -0.49,0.68,3,192,7,0,0,0,management,high -0.97,0.51,5,215,7,0,0,0,management,high -0.55,0.78,4,261,3,0,0,0,management,high -0.76,0.56,5,222,10,0,0,0,management,high -0.53,0.99,3,223,10,0,0,0,marketing,low -0.51,0.86,3,182,10,0,0,0,sales,low -0.57,0.93,2,204,10,0,0,0,accounting,low -0.58,0.91,3,195,10,0,0,0,support,low -0.6,0.98,4,146,10,0,0,0,technical,low -0.65,0.74,4,233,4,1,0,0,management,low -0.91,0.75,2,147,3,0,0,0,marketing,low -0.65,0.55,3,156,5,0,0,0,marketing,low -0.18,0.49,3,240,2,1,0,0,marketing,low -0.66,0.9,4,177,7,0,0,0,sales,low -0.78,0.8,3,135,7,0,0,0,sales,medium -0.82,0.65,5,178,7,1,0,0,sales,medium -0.54,0.64,3,190,7,0,0,0,sales,medium -0.95,0.84,3,240,7,0,0,0,sales,medium -0.65,0.85,4,172,3,0,0,0,sales,medium -0.83,0.55,3,271,7,0,0,0,sales,medium -0.15,0.6,5,188,7,0,0,0,sales,medium -0.59,0.59,4,197,7,0,0,0,IT,medium -0.99,0.94,5,151,3,0,0,0,product_mng,medium -0.76,0.72,3,263,3,0,0,0,product_mng,medium -0.64,0.67,2,223,3,0,0,0,product_mng,medium -0.95,0.75,4,151,3,0,0,0,product_mng,medium -0.53,0.66,3,191,3,0,0,0,IT,high -0.59,0.5,2,162,2,0,0,0,management,high -0.69,0.86,5,195,6,0,0,0,management,high -0.5,0.49,4,222,3,0,0,0,management,high -0.89,0.96,3,179,8,0,0,0,management,high -0.56,0.39,3,106,8,0,0,0,management,high -0.77,0.68,3,214,8,1,0,0,management,high -0.15,0.75,3,259,8,1,0,0,marketing,high -0.88,0.58,3,145,8,0,0,0,sales,low -0.89,0.86,4,153,3,0,0,0,accounting,low -0.65,0.52,2,117,10,1,0,0,support,low -0.58,0.99,3,207,10,0,0,0,technical,low -0.56,0.85,3,265,10,1,0,0,management,low -0.25,0.72,5,279,8,0,0,0,marketing,low -0.87,0.89,4,225,8,0,0,0,marketing,low -0.62,0.4,3,158,8,1,0,0,marketing,low -0.72,0.75,4,211,4,0,0,0,sales,medium -0.49,0.94,4,175,3,0,0,0,sales,medium -0.57,0.91,4,224,10,0,0,0,sales,medium -0.63,0.65,3,190,10,0,0,0,sales,medium -0.91,0.63,5,240,7,0,0,0,sales,medium -0.7,0.68,5,225,7,0,0,0,sales,medium -0.66,0.95,5,192,7,0,0,0,sales,medium -0.77,0.48,5,262,7,0,0,0,IT,medium -0.68,0.97,3,250,3,1,0,0,product_mng,medium -0.34,0.46,3,155,10,0,0,0,product_mng,medium -0.97,0.64,4,238,10,1,0,0,product_mng,medium -0.57,0.75,4,249,10,0,0,0,product_mng,medium -0.66,0.65,3,272,10,0,0,0,IT,medium -0.68,0.67,4,162,10,0,0,0,management,high -0.49,0.78,4,254,10,0,0,0,management,high -0.72,0.66,4,184,3,0,0,0,management,high -0.77,0.89,4,269,10,0,0,0,management,high -0.77,0.73,3,201,10,0,0,0,management,high -0.59,0.73,4,247,10,0,0,0,management,high -0.41,0.67,6,221,10,0,0,0,marketing,medium -0.94,0.64,5,247,10,0,0,0,sales,medium -0.91,0.61,4,135,10,0,0,0,accounting,medium -0.7,0.84,3,260,4,1,0,0,support,medium -0.51,0.52,3,188,3,0,0,0,technical,high -0.22,0.7,4,159,5,0,0,0,management,low -0.69,0.65,3,153,2,0,0,0,marketing,medium -0.2,0.68,5,167,7,0,0,0,marketing,medium -0.9,0.85,3,158,7,0,0,0,marketing,medium -0.76,0.85,3,180,7,0,0,0,sales,medium -0.88,0.51,3,211,7,0,0,0,sales,medium -0.31,0.63,4,104,7,1,0,0,sales,medium -0.17,0.66,6,174,3,0,0,0,sales,medium -0.91,0.77,3,195,7,0,0,0,sales,medium -0.97,0.38,5,211,7,1,0,0,sales,medium -0.61,0.77,5,232,7,0,0,0,sales,medium -0.74,0.67,5,216,3,0,0,0,sales,low -0.65,0.82,5,265,3,0,0,0,IT,low -0.87,0.73,5,184,3,0,0,0,product_mng,low -0.56,0.71,5,244,3,0,0,0,product_mng,low -0.78,0.69,4,202,3,0,0,0,product_mng,low -0.73,0.57,3,146,2,0,0,0,product_mng,low -0.66,0.78,4,161,6,0,0,0,IT,low -0.15,0.81,5,280,3,1,0,0,RandD,high -0.52,0.69,5,208,8,1,0,0,RandD,low -0.44,0.66,6,134,8,0,0,0,RandD,high -0.7,0.7,3,162,8,0,0,0,RandD,high -0.63,0.52,5,209,8,1,0,0,RandD,low -0.89,0.59,3,265,8,0,0,0,RandD,low -0.96,0.85,4,173,3,0,0,0,marketing,high -0.98,0.99,4,261,10,1,0,0,sales,low -0.62,0.82,3,204,10,0,0,0,accounting,medium -0.62,0.73,3,144,10,1,0,0,support,high -0.69,0.43,5,113,8,0,0,0,technical,medium -0.5,0.91,4,144,8,0,0,0,management,medium -0.71,0.93,5,140,8,0,0,0,marketing,medium -0.5,0.68,3,245,4,0,0,0,marketing,medium -0.93,0.6,3,188,3,0,0,0,marketing,high -0.95,0.77,5,199,10,1,0,0,sales,medium -0.17,0.61,6,154,10,1,0,0,sales,medium -0.92,0.68,4,138,7,0,0,0,sales,medium -0.64,0.48,3,147,7,0,0,0,sales,high -0.27,0.42,6,173,7,0,0,0,sales,medium -0.66,0.87,3,223,7,0,0,0,sales,high -0.59,0.69,3,200,3,0,0,0,sales,low -0.93,0.98,4,189,10,0,0,0,sales,medium -0.58,0.67,5,133,10,0,0,0,technical,medium -0.96,0.6,3,160,10,0,0,0,support,medium -0.69,0.85,3,153,10,0,0,0,support,medium -0.41,0.38,4,142,10,1,0,0,support,low -0.36,0.41,3,167,10,0,0,0,support,low -0.71,0.78,4,227,2,0,0,0,support,low -0.94,0.9,4,144,4,0,0,0,support,low -0.51,0.76,4,140,3,0,0,0,support,low -0.83,0.48,4,220,3,1,0,0,support,low -0.22,0.62,3,180,3,0,0,0,support,low -0.66,0.89,4,173,4,0,0,0,support,low -0.14,0.58,3,179,5,0,0,0,support,low -0.16,0.96,5,137,5,1,0,0,technical,low -0.81,0.78,3,165,3,0,0,0,technical,high -0.73,0.94,3,177,3,0,0,0,technical,low -0.7,0.58,5,168,3,0,0,0,management,low -0.62,0.73,3,245,4,0,0,0,IT,low -0.5,0.83,5,258,2,0,0,0,IT,low -0.7,0.88,3,159,2,0,0,0,IT,high -0.53,0.73,3,163,3,1,0,0,IT,low -0.87,0.9,3,174,2,0,0,0,IT,low -0.59,0.6,3,214,2,1,0,0,product_mng,low -0.94,0.67,4,191,3,1,0,0,product_mng,high -0.2,0.53,5,272,5,0,0,0,product_mng,low -0.42,0.44,3,183,2,0,0,0,product_mng,medium -0.43,0.66,4,135,2,0,0,0,IT,high -0.43,0.76,6,154,2,0,0,0,management,high -0.77,0.86,5,238,3,0,0,0,management,high -0.76,0.98,2,235,3,0,0,0,management,high -0.82,0.9,3,215,4,0,0,0,management,high -0.75,0.66,5,234,2,0,0,0,management,high -0.63,0.98,4,187,3,0,0,0,management,high -0.51,0.75,3,133,3,0,0,0,sales,medium -0.23,0.7,3,123,5,0,0,0,sales,medium -0.77,0.58,4,202,3,0,0,0,sales,medium -0.54,0.63,4,140,3,0,0,0,sales,medium -0.63,0.85,4,182,3,1,0,0,sales,high -0.55,0.45,3,179,2,1,0,0,sales,low -0.31,0.63,3,150,3,1,0,0,sales,medium -0.98,0.74,4,151,3,0,0,0,sales,medium -0.16,0.95,6,117,7,0,0,0,sales,medium -0.54,0.78,3,156,7,0,0,0,sales,medium -0.73,0.48,3,211,7,0,0,0,sales,medium -0.16,0.63,6,286,7,0,0,1,sales,medium -0.57,0.82,5,233,7,0,0,1,sales,medium -0.88,0.88,4,222,3,1,0,1,sales,medium -0.95,0.81,4,258,7,0,0,1,sales,medium -0.93,0.7,5,231,7,0,0,1,sales,high -0.91,0.58,3,220,7,0,0,1,sales,low -0.77,0.82,4,134,3,0,0,1,sales,low -0.24,0.94,6,141,3,1,0,0,sales,low -0.74,0.74,5,160,3,1,0,0,sales,high -0.53,0.59,4,259,3,0,0,0,sales,low -0.89,0.77,5,232,3,0,0,0,sales,low -0.23,0.77,5,272,2,0,0,0,sales,low -0.69,0.66,3,215,6,0,0,0,sales,high -0.52,0.72,4,222,3,0,0,0,sales,low -0.9,0.58,3,244,8,0,0,0,sales,low -0.92,0.63,5,224,8,1,0,0,sales,low -0.72,0.59,5,200,8,1,0,0,sales,low -0.92,0.61,4,143,8,0,0,0,sales,low -0.79,0.86,5,238,8,0,0,0,sales,low -0.48,0.89,4,145,3,0,0,0,sales,low -0.27,0.76,4,108,10,0,0,0,sales,medium -0.67,0.49,3,247,10,0,0,0,sales,medium -0.48,0.7,3,213,10,0,0,0,sales,medium -0.99,0.6,4,209,8,1,0,0,IT,medium -0.49,0.88,4,240,8,0,0,0,product_mng,medium -0.39,0.45,3,100,8,1,0,0,product_mng,medium -0.99,0.92,4,265,4,1,0,0,product_mng,medium -0.78,0.57,3,209,3,0,0,0,product_mng,medium -0.5,0.73,3,154,10,0,0,0,IT,medium -0.61,0.79,5,230,10,0,0,0,management,high -0.88,0.6,4,208,7,0,0,1,management,high -0.44,0.44,2,141,7,1,0,1,management,high -0.73,0.78,3,262,7,1,0,1,management,high -0.58,0.84,4,206,7,0,0,1,management,high -0.74,0.98,3,166,3,1,0,1,management,high -0.32,0.48,4,117,10,0,0,1,marketing,medium -0.88,0.83,4,273,10,0,0,0,sales,medium -0.81,0.9,4,270,10,0,0,0,accounting,medium -0.59,0.92,3,138,10,0,0,0,support,low -0.79,0.65,3,235,10,0,0,0,technical,low -0.92,0.64,4,190,10,1,0,0,management,low -0.76,0.85,3,192,3,0,0,0,marketing,low -0.91,0.65,5,214,3,1,0,0,marketing,low -0.8,0.84,4,242,2,1,0,0,marketing,low -0.73,0.72,4,233,2,0,0,0,sales,low -0.88,0.53,3,218,4,0,0,0,sales,low -0.65,0.4,5,125,4,0,0,0,sales,low -0.84,0.5,4,178,2,0,0,0,sales,low -0.93,0.5,5,272,3,0,0,0,sales,low -0.64,0.6,3,265,4,0,0,0,sales,low -0.66,0.72,4,271,3,0,0,0,sales,low -0.76,0.56,3,179,3,1,0,0,sales,low -0.34,0.72,3,118,4,0,0,0,IT,low -0.48,0.8,4,196,5,0,0,0,product_mng,low -0.79,0.61,4,173,2,0,0,0,product_mng,low -0.82,0.67,4,156,3,0,0,0,product_mng,low -0.51,0.71,2,180,3,0,0,0,product_mng,low -0.84,0.78,4,263,3,0,0,0,IT,low -0.66,0.79,5,134,3,0,0,0,management,high -0.72,0.88,3,189,3,1,0,0,management,high -0.53,0.91,4,167,4,0,0,0,management,high -0.81,0.8,5,132,2,1,0,0,management,high -0.58,0.9,3,209,2,0,0,0,management,high -0.82,0.56,2,227,5,1,0,0,management,high -0.72,0.99,4,239,3,0,0,0,marketing,medium -0.9,0.54,4,172,4,0,0,0,sales,medium -0.98,0.91,3,188,4,0,0,0,accounting,medium -0.56,0.74,3,265,3,0,0,0,support,medium -0.77,0.82,3,153,3,1,0,0,technical,medium -0.61,0.89,4,242,2,0,0,0,management,medium -0.97,0.61,4,262,3,1,0,1,marketing,medium -0.64,0.55,3,246,2,0,0,1,marketing,high -0.99,0.97,4,211,2,0,0,1,marketing,low -0.61,0.42,3,145,4,0,0,1,sales,medium -0.72,0.71,4,256,3,0,0,1,sales,medium -0.67,0.91,2,245,2,1,0,1,sales,medium -0.9,0.56,3,151,3,0,0,0,sales,medium -0.9,0.73,4,245,2,0,0,0,sales,low -0.63,0.61,4,171,3,0,0,0,sales,low -0.64,0.88,3,252,2,0,0,0,sales,low -0.44,0.65,3,175,2,0,0,0,IT,low -0.64,0.94,4,210,3,0,0,0,product_mng,low -0.65,0.95,2,180,2,0,0,0,product_mng,low -0.69,0.9,5,103,5,0,0,0,product_mng,low -0.93,0.51,4,110,3,0,0,0,product_mng,low -0.73,0.9,5,184,3,0,0,0,IT,low -0.83,0.6,4,161,2,0,0,0,management,high -0.82,0.49,5,210,3,0,0,0,management,high -0.39,0.91,2,212,2,0,0,0,management,high -0.53,0.47,6,106,6,0,0,0,management,high -0.88,0.81,4,179,3,0,0,0,management,high -0.8,0.6,5,217,3,0,0,0,management,high -0.68,0.79,4,184,3,0,0,0,marketing,low -0.66,0.6,3,210,2,0,0,0,sales,low -0.61,0.61,4,246,2,0,0,0,accounting,low -0.74,0.55,4,262,3,0,0,0,support,low -0.61,0.83,4,245,3,1,0,1,technical,low -0.57,0.99,3,222,3,1,0,1,management,low -0.68,0.54,4,146,4,0,0,1,marketing,medium -0.75,0.79,4,263,3,0,0,1,marketing,medium -0.29,0.57,5,134,2,0,0,1,marketing,medium -0.81,0.81,5,250,4,0,0,1,sales,medium -0.53,0.68,4,173,3,0,0,0,sales,medium -0.42,0.96,6,173,3,0,0,0,sales,medium -0.64,0.67,4,252,3,1,0,0,sales,medium -0.63,0.5,2,230,4,0,0,0,sales,medium -0.81,0.81,4,212,2,1,0,0,sales,medium -0.71,0.66,5,187,2,0,0,0,sales,medium -0.7,0.83,5,241,2,0,0,0,sales,medium -0.53,1,3,164,4,0,0,0,IT,medium -0.16,0.93,6,218,6,1,0,0,product_mng,high -0.17,0.55,4,194,3,0,0,0,product_mng,low -0.7,0.95,3,158,2,0,0,0,product_mng,medium -0.43,0.88,2,149,4,0,0,0,product_mng,medium -0.49,0.62,4,161,2,0,0,0,IT,medium -0.5,0.9,5,226,2,0,0,0,management,high -0.57,0.59,2,111,2,0,0,0,management,high -0.68,0.75,4,258,3,0,0,0,management,high -0.62,0.61,3,266,2,0,0,0,management,high -0.69,0.75,3,253,3,0,0,0,management,high -0.63,0.7,5,160,3,0,0,0,management,high -0.76,0.62,5,230,3,1,0,0,marketing,low -0.62,0.76,5,198,3,0,0,0,sales,low -0.82,0.69,3,250,3,0,0,0,accounting,low -0.2,0.7,4,225,5,0,0,0,support,low -0.16,0.7,3,178,3,1,0,0,technical,low -0.2,0.78,4,196,3,0,0,0,management,low -0.53,0.51,4,240,2,0,0,0,marketing,low -0.71,0.63,3,204,3,0,0,0,marketing,low -0.7,0.93,3,250,3,0,0,0,marketing,low -0.92,0.94,2,224,2,0,0,0,sales,low -0.81,0.92,4,268,3,0,0,0,sales,low -0.79,0.62,5,167,3,0,0,0,sales,low -0.53,0.64,3,168,3,0,0,0,sales,low -0.51,0.56,4,168,2,0,0,0,sales,low -0.78,0.9,5,158,3,0,0,0,sales,low -0.5,0.91,3,240,3,0,0,0,sales,low -0.92,1,4,261,4,0,0,0,sales,medium -0.59,0.54,4,176,2,0,0,0,technical,medium -0.77,0.55,3,217,3,0,0,0,support,medium -0.74,0.87,5,224,2,0,0,0,support,medium -0.67,0.97,4,196,3,0,0,0,support,medium -0.56,0.59,3,223,3,0,0,0,support,medium -0.84,0.44,5,131,5,1,0,0,support,medium -0.53,0.77,2,167,2,0,0,0,support,medium -0.86,0.71,5,273,3,0,0,0,support,medium -0.77,0.68,3,98,3,0,0,0,support,medium -0.97,0.94,4,253,3,0,0,0,support,medium -0.69,0.87,5,174,3,0,0,0,support,medium -0.73,0.9,3,274,2,0,0,0,support,high -0.42,0.47,6,174,5,0,0,0,technical,low -0.4,0.47,5,173,5,0,0,0,technical,medium -0.33,0.41,2,198,4,0,0,0,technical,medium -0.68,0.66,3,238,2,0,0,0,management,medium -0.78,0.8,3,256,2,0,0,0,IT,medium -0.92,0.6,3,179,2,0,0,0,IT,low -0.66,0.66,4,273,4,1,0,0,IT,low -0.6,0.45,3,104,4,0,0,0,IT,low -0.86,0.83,4,208,3,1,0,0,IT,low -0.61,0.49,3,275,2,0,0,0,product_mng,low -0.71,0.68,3,231,2,1,0,0,product_mng,low -0.86,0.62,4,186,3,0,0,0,product_mng,low -0.96,0.59,3,241,3,0,0,0,product_mng,low -0.7,0.54,3,194,2,1,0,0,IT,low -0.38,0.49,4,196,3,0,0,1,management,high -0.39,0.75,6,185,3,0,0,1,management,high -0.49,0.4,2,148,2,1,0,1,management,high -0.78,0.62,4,150,3,0,0,1,management,high -0.74,0.79,5,121,5,0,0,1,management,high -0.82,0.76,4,266,3,0,0,1,management,high -0.6,0.42,2,109,6,0,0,0,sales,low -0.72,0.99,3,143,4,0,0,0,sales,low -0.73,0.97,3,174,3,0,0,0,sales,low -0.89,0.55,4,159,2,0,0,0,sales,medium -0.74,0.94,4,157,2,0,0,0,sales,medium -0.83,0.57,2,222,2,0,0,0,sales,medium -0.24,0.88,5,199,5,1,0,0,sales,medium -0.93,0.89,3,255,7,1,0,0,sales,medium -0.96,0.62,4,253,7,0,0,0,sales,medium -0.16,0.68,5,149,7,1,0,0,sales,medium -0.21,0.85,6,285,7,0,0,0,sales,medium -0.69,0.54,3,164,7,0,0,0,sales,medium -0.66,0.96,3,243,3,1,0,0,sales,medium -0.67,0.39,2,207,7,0,0,0,sales,medium -0.85,0.58,4,186,7,0,0,0,sales,medium -0.37,0.92,4,211,7,0,0,0,sales,high -0.64,0.64,2,190,3,0,0,0,sales,low -0.91,0.82,2,241,3,0,0,0,sales,medium -0.96,0.68,3,206,3,0,0,0,sales,medium -0.74,0.7,4,273,3,0,0,0,sales,medium -0.94,0.99,2,157,3,0,0,0,sales,medium -0.37,0.72,3,183,2,0,0,0,sales,low -0.92,0.85,3,151,6,1,0,0,sales,low -0.86,0.72,3,217,3,0,0,0,sales,low -0.66,0.49,5,235,8,1,0,0,sales,low -0.19,0.61,4,127,8,0,0,0,sales,low -0.65,0.61,5,167,8,0,0,0,sales,low -0.92,0.44,3,260,8,0,0,0,sales,low -0.83,0.8,3,240,8,0,0,0,sales,low -0.94,0.82,4,187,3,0,0,0,sales,low -0.42,0.69,3,126,2,0,0,0,sales,low -0.78,0.53,6,168,3,0,0,0,sales,low -0.58,0.76,4,197,5,0,0,0,sales,low -0.5,0.64,2,170,8,0,0,0,sales,low -0.82,0.76,3,219,8,1,0,0,IT,low -0.97,0.92,6,137,8,1,0,0,product_mng,low -0.8,0.93,3,225,4,0,0,0,product_mng,low -0.82,0.84,3,194,3,0,0,0,product_mng,low -0.95,0.99,5,251,4,0,0,0,product_mng,low -0.88,0.51,5,195,4,0,0,0,IT,low -0.5,0.86,3,180,7,0,0,1,management,high -0.53,0.8,2,225,7,1,0,1,management,high -0.82,0.74,3,229,7,0,0,1,management,high -0.15,0.74,6,144,7,0,0,1,management,high -0.92,0.7,3,129,3,0,0,1,management,high -0.53,0.74,3,172,10,0,0,1,management,high -0.58,1,4,220,10,0,0,0,marketing,medium -0.88,0.74,3,273,10,0,0,0,sales,medium -0.85,0.72,3,245,10,0,0,0,accounting,medium -0.99,0.68,5,264,10,1,0,0,support,medium -0.94,0.73,3,268,10,0,0,0,technical,medium -0.63,0.94,3,172,3,0,0,0,management,medium -0.85,0.9,3,245,3,0,0,0,marketing,medium -0.95,0.66,5,192,3,0,0,0,marketing,medium -0.71,0.66,3,268,4,0,0,0,marketing,high -0.49,0.88,4,244,3,0,0,0,sales,low -0.71,0.69,4,222,4,0,0,0,sales,medium -0.52,0.62,5,239,2,0,0,0,sales,medium -0.48,0.72,3,143,4,0,0,0,sales,medium -0.82,0.79,3,160,3,0,0,0,sales,medium -0.83,0.76,2,255,7,0,0,0,sales,low -0.85,0.87,4,152,7,0,0,0,sales,low -0.57,0.64,4,226,7,0,0,0,sales,low -0.16,0.63,5,266,7,0,0,0,IT,low -0.85,0.64,5,256,7,0,0,0,product_mng,low -0.82,0.67,3,198,3,1,0,0,product_mng,low -0.9,0.89,4,254,7,0,0,0,product_mng,low -0.92,0.64,2,104,7,0,0,0,product_mng,low -0.9,0.48,4,136,7,0,0,0,IT,low -0.82,0.8,5,205,3,0,0,0,IT,low -0.84,0.81,4,236,3,1,0,0,IT,low -0.92,0.65,3,176,3,0,0,0,IT,low -0.82,0.82,3,148,3,0,0,0,IT,low -0.8,0.8,4,146,3,1,0,0,IT,low -0.6,0.85,3,242,2,0,0,0,IT,low -0.14,0.38,5,115,6,1,0,0,marketing,high -0.85,0.89,4,150,3,0,0,0,accounting,high -0.55,0.81,3,239,8,0,0,0,accounting,high -0.49,0.71,4,178,8,0,0,0,IT,medium -0.82,0.58,5,263,8,0,0,0,IT,medium -0.59,0.77,3,272,8,0,0,0,management,high -0.9,0.82,3,133,8,0,0,0,marketing,medium -0.62,0.72,3,149,3,1,0,0,marketing,medium -0.61,0.68,3,193,2,0,0,0,marketing,medium -0.52,0.55,5,174,3,1,0,0,sales,medium -0.79,0.87,4,223,5,0,0,0,sales,medium -0.49,0.89,4,201,8,0,0,0,sales,medium -0.73,0.67,2,139,8,0,0,0,sales,medium -0.67,0.49,5,241,8,0,0,0,sales,medium -0.52,0.61,4,187,4,1,0,0,sales,medium -0.72,0.64,4,192,3,0,0,0,sales,medium -0.48,0.5,5,142,4,0,0,0,IT,medium -0.19,0.79,4,229,4,0,0,0,product_mng,medium -0.49,0.49,3,104,7,0,0,0,product_mng,high -0.9,0.76,3,255,7,0,0,0,product_mng,low -0.49,0.49,4,212,7,0,0,0,product_mng,medium -0.6,0.53,2,235,7,0,0,0,IT,medium -0.62,0.85,3,237,3,1,0,0,IT,medium -0.64,0.5,4,253,10,0,0,1,management,high -0.22,0.94,3,193,10,0,0,1,management,high -0.9,0.55,3,259,10,1,0,1,management,high -0.74,0.95,5,266,10,0,0,1,management,high -0.85,0.54,3,185,10,0,0,1,management,high -0.33,0.65,3,172,10,0,0,1,marketing,high -0.5,0.73,4,180,3,0,0,0,IT,low -0.38,0.53,2,157,3,0,1,0,sales,low -0.8,0.86,5,262,6,0,1,0,sales,medium -0.11,0.88,7,272,4,0,1,0,sales,medium -0.72,0.87,5,223,5,0,1,0,sales,low -0.37,0.52,2,159,3,0,1,0,sales,low -0.41,0.5,2,153,3,0,1,0,sales,low -0.1,0.77,6,247,4,0,1,0,sales,low -0.92,0.85,5,259,5,0,1,0,sales,low -0.89,1,5,224,5,0,1,0,sales,low -0.42,0.53,2,142,3,0,1,0,sales,low -0.45,0.54,2,135,3,0,1,0,sales,low -0.11,0.81,6,305,4,0,1,0,sales,low -0.84,0.92,4,234,5,0,1,0,sales,low -0.41,0.55,2,148,3,0,1,0,sales,low -0.36,0.56,2,137,3,0,1,0,sales,low -0.38,0.54,2,143,3,0,1,0,sales,low -0.45,0.47,2,160,3,0,1,0,sales,low -0.78,0.99,4,255,6,0,1,0,sales,low -0.45,0.51,2,160,3,1,1,1,sales,low -0.76,0.89,5,262,5,0,1,0,sales,low -0.11,0.83,6,282,4,0,1,0,sales,low -0.38,0.55,2,147,3,0,1,0,sales,low -0.09,0.95,6,304,4,0,1,0,sales,low -0.46,0.57,2,139,3,0,1,0,sales,low -0.4,0.53,2,158,3,0,1,0,sales,low -0.89,0.92,5,242,5,0,1,0,sales,low -0.82,0.87,4,239,5,0,1,0,sales,low -0.4,0.49,2,135,3,0,1,0,sales,low -0.41,0.46,2,128,3,0,1,0,accounting,low -0.38,0.5,2,132,3,0,1,0,accounting,low -0.09,0.62,6,294,4,0,1,0,accounting,low -0.45,0.57,2,134,3,0,1,0,hr,low -0.4,0.51,2,145,3,0,1,0,hr,low -0.45,0.55,2,140,3,0,1,0,hr,low -0.84,0.87,4,246,6,0,1,0,hr,low -0.1,0.94,6,255,4,0,1,0,technical,low -0.38,0.46,2,137,3,0,1,0,technical,low -0.45,0.5,2,126,3,0,1,0,technical,low -0.11,0.89,6,306,4,0,1,0,technical,low -0.41,0.54,2,152,3,0,1,0,technical,low -0.87,0.88,5,269,5,0,1,0,technical,low -0.45,0.48,2,158,3,0,1,0,technical,low -0.4,0.46,2,127,3,0,1,0,technical,low -0.1,0.8,7,281,4,0,1,0,technical,low -0.09,0.89,6,276,4,0,1,0,technical,low -0.84,0.74,3,182,4,0,1,0,technical,low -0.4,0.55,2,147,3,0,1,0,support,low -0.57,0.7,3,273,6,0,1,0,support,low -0.4,0.54,2,148,3,0,1,0,support,low -0.43,0.47,2,147,3,0,1,0,support,low -0.13,0.78,6,152,2,0,1,0,support,low -0.44,0.55,2,135,3,0,1,0,support,low -0.38,0.55,2,134,3,0,1,0,support,low -0.39,0.54,2,132,3,0,1,0,support,low -0.1,0.92,7,307,4,0,1,0,support,low -0.37,0.46,2,140,3,0,1,0,support,low -0.11,0.94,7,255,4,0,1,0,support,low -0.1,0.81,6,309,4,0,1,0,technical,low -0.38,0.54,2,128,3,0,1,0,technical,low -0.85,1,4,225,5,0,1,0,technical,low -0.85,0.91,5,226,5,0,1,0,management,medium -0.11,0.93,7,308,4,0,1,0,IT,medium -0.1,0.95,6,244,5,0,1,0,IT,medium -0.36,0.56,2,132,3,0,1,0,IT,medium -0.11,0.94,6,286,4,0,1,0,IT,medium -0.81,0.7,6,161,4,0,1,0,IT,medium -0.43,0.54,2,153,3,0,1,0,product_mng,medium -0.9,0.98,4,264,6,0,1,0,product_mng,medium -0.76,0.86,5,223,5,1,1,0,product_mng,medium -0.43,0.5,2,135,3,0,1,0,product_mng,medium -0.74,0.99,2,277,3,0,1,0,IT,medium -0.09,0.77,5,275,4,0,1,0,product_mng,medium -0.45,0.49,2,149,3,0,1,0,product_mng,high -0.09,0.87,7,295,4,0,1,0,product_mng,low -0.11,0.97,6,277,4,0,1,0,product_mng,medium -0.11,0.79,7,306,4,0,1,0,product_mng,medium -0.1,0.83,6,295,4,0,1,0,product_mng,medium -0.4,0.54,2,137,3,0,1,0,marketing,medium -0.43,0.56,2,157,3,0,1,0,sales,low -0.39,0.56,2,142,3,0,1,0,accounting,low -0.45,0.54,2,140,3,0,1,0,support,low -0.38,0.49,2,151,3,0,1,0,technical,low -0.79,0.59,4,139,3,0,1,1,management,low -0.84,0.85,4,249,6,0,1,0,marketing,low -0.11,0.77,6,291,4,0,1,0,marketing,low -0.11,0.87,6,305,4,0,1,0,marketing,low -0.17,0.84,5,232,3,0,1,0,sales,low -0.44,0.45,2,132,3,0,1,0,sales,low -0.37,0.57,2,130,3,0,1,0,sales,low -0.1,0.79,6,291,4,0,1,0,sales,low -0.4,0.5,2,130,3,0,1,0,sales,low -0.89,1,5,246,5,0,1,0,sales,low -0.42,0.48,2,143,3,0,1,0,sales,low -0.46,0.55,2,129,3,0,1,0,sales,low -0.09,0.83,6,255,4,0,1,0,sales,low -0.37,0.51,2,155,3,0,1,0,sales,low -0.1,0.77,6,265,4,0,1,0,sales,low -0.1,0.84,6,279,4,0,1,0,sales,low -0.11,0.97,6,284,4,0,1,0,sales,low -0.9,1,5,221,6,0,1,0,sales,medium -0.38,0.52,2,154,3,0,1,0,sales,medium -0.36,0.52,2,147,3,0,1,0,sales,medium -0.42,0.46,2,150,3,0,1,0,sales,medium -0.09,0.94,7,267,4,0,1,0,sales,medium -0.43,0.52,2,158,3,0,1,0,sales,medium -0.24,0.46,7,224,5,0,1,0,accounting,medium -0.91,1,4,257,5,0,1,0,accounting,medium -0.44,0.5,2,148,3,0,1,0,accounting,medium -0.71,0.87,3,177,4,0,1,0,hr,medium -0.4,0.49,2,155,3,0,1,0,hr,medium -0.43,0.47,2,144,3,0,1,0,hr,medium -0.09,0.85,6,289,4,0,1,0,hr,high -0.43,0.52,2,160,3,0,1,0,technical,low -0.9,0.96,4,258,5,0,1,0,technical,medium -0.84,1,5,234,5,0,1,0,technical,medium -0.37,0.48,2,137,3,0,1,0,technical,medium -0.86,0.68,5,263,2,0,1,0,technical,medium -0.11,0.84,6,251,4,0,1,0,technical,low -0.37,0.57,2,133,3,0,1,0,technical,low -0.4,0.46,2,132,3,0,1,0,technical,low -0.14,0.62,4,158,4,1,1,0,technical,low -0.4,0.46,2,135,3,0,1,0,technical,low -0.75,1,4,216,6,0,1,0,technical,low -0.11,0.84,6,300,5,1,1,0,support,low -0.46,0.49,2,138,3,0,1,0,support,low -0.11,0.92,6,260,4,0,1,0,support,low -0.38,0.49,2,132,3,0,1,0,support,low -0.7,0.89,3,183,5,0,1,0,support,low -0.09,0.82,6,250,4,0,1,0,support,low -0.37,0.45,2,151,3,0,1,0,support,low -0.1,0.83,6,292,4,0,1,0,support,low -0.38,0.57,2,140,3,0,1,0,support,low -0.9,1,5,221,5,0,1,0,support,low -0.44,0.51,2,138,3,0,1,0,support,low -0.36,0.5,2,132,3,0,1,0,technical,low -0.31,0.84,7,133,5,0,1,0,technical,low -0.1,0.84,6,283,4,1,1,0,technical,low -0.42,0.48,2,129,3,0,1,0,management,low -0.74,1,4,249,5,0,1,0,IT,low -0.73,0.87,5,257,5,0,1,0,IT,low -0.09,0.96,6,245,4,0,1,0,IT,low -0.45,0.53,2,155,3,0,1,0,IT,low -0.11,0.8,6,256,4,0,1,0,IT,low -0.37,0.47,2,152,3,0,1,0,product_mng,low -0.84,0.99,4,267,5,0,1,0,product_mng,low -0.41,0.46,2,151,3,0,1,0,product_mng,low -0.76,0.92,4,239,5,0,1,0,product_mng,low -0.11,0.87,6,306,4,0,1,0,IT,low -0.84,0.88,4,263,5,1,1,0,marketing,low -0.39,0.5,2,147,3,0,1,0,marketing,low -0.11,0.91,6,278,4,0,1,0,marketing,low -0.45,0.56,2,154,3,0,1,0,marketing,low -0.37,0.52,2,143,3,0,1,0,marketing,low -0.4,0.52,2,155,3,0,1,0,marketing,low -0.39,0.48,2,160,3,0,1,0,sales,low -0.11,0.8,6,304,4,0,1,0,accounting,low -0.83,1,5,240,5,0,1,0,support,low -0.11,0.92,6,305,4,0,1,0,technical,low -0.39,0.5,2,136,3,0,1,0,management,low -0.45,0.45,2,132,3,0,1,0,marketing,low -0.1,0.95,7,301,4,0,1,0,marketing,low -0.9,0.98,5,243,6,0,1,0,marketing,low -0.45,0.51,2,147,3,0,1,0,sales,low -0.79,0.89,5,239,5,0,1,0,sales,low -0.9,0.99,5,260,5,0,1,0,sales,low -0.11,0.84,7,296,4,0,1,0,sales,low -0.43,0.55,2,129,3,0,1,0,sales,low -0.31,0.54,5,132,5,0,1,0,sales,low -0.32,0.5,2,135,5,0,1,0,sales,low -0.45,0.57,2,158,3,0,1,0,sales,low -0.81,0.99,4,259,5,0,1,0,sales,low -0.41,0.46,2,160,3,0,1,1,sales,low -0.11,0.78,7,278,4,0,1,0,sales,low -0.1,0.88,6,284,4,0,1,0,sales,low -0.7,0.53,2,274,4,0,1,0,sales,low -0.54,0.74,4,164,2,0,1,0,sales,low -0.41,0.48,2,148,3,0,1,0,sales,low -0.38,0.5,2,140,3,0,1,0,sales,medium -0.37,0.51,2,127,3,0,1,0,sales,medium -0.11,0.85,6,308,5,0,1,0,sales,medium -0.4,0.47,2,146,3,0,1,0,sales,medium -0.1,0.84,6,261,4,0,1,0,accounting,medium -0.89,0.99,5,257,5,0,1,0,accounting,medium -0.11,0.8,6,285,4,0,1,0,accounting,medium -0.36,0.55,2,141,3,0,1,0,hr,medium -0.4,0.46,2,127,3,0,1,0,hr,medium -0.09,0.85,6,297,4,0,1,0,hr,medium -0.4,0.46,2,143,3,0,1,0,hr,medium -0.37,0.55,2,152,3,0,1,0,technical,medium -0.44,0.51,2,156,3,0,1,0,technical,high -0.09,0.8,7,283,5,0,1,0,technical,low -0.92,0.87,4,226,6,1,1,0,technical,medium -0.74,0.91,4,232,5,0,1,0,technical,medium -0.09,0.82,6,249,4,0,1,0,technical,medium -0.89,0.95,4,275,5,0,1,0,technical,medium -0.09,0.8,6,304,4,0,1,0,technical,low -0.27,0.54,7,278,3,0,1,0,technical,low -0.1,0.91,6,287,4,0,1,0,technical,low -0.1,0.89,7,285,4,0,1,0,technical,low -0.77,0.94,5,226,6,0,1,0,support,low -0.9,0.82,5,259,5,0,1,0,support,low -0.39,0.5,2,135,3,0,1,0,support,low -0.76,1,5,219,5,0,1,0,support,low -0.1,0.93,6,256,4,0,1,0,support,low -0.87,0.9,5,254,6,0,1,0,support,low -0.38,0.5,2,153,3,0,1,0,support,low -0.77,0.99,5,228,5,0,1,0,support,low -0.78,0.87,4,228,5,0,1,0,support,low -0.44,0.5,2,128,3,0,1,0,support,low -0.38,0.52,2,153,3,0,1,0,support,low -0.43,0.46,2,156,3,0,1,0,technical,low -0.39,0.5,4,294,3,0,1,0,technical,low -0.88,1,5,219,5,0,1,0,technical,low -0.45,0.46,2,153,3,0,1,0,management,low -0.4,0.53,2,151,3,0,1,0,IT,low -0.36,0.51,2,155,3,0,1,0,IT,low -0.36,0.48,2,158,3,0,1,0,IT,low -0.9,0.98,5,245,5,0,1,0,IT,low -0.43,0.53,2,131,3,0,1,0,IT,low -0.89,0.87,5,225,5,0,1,0,product_mng,low -0.1,0.84,6,286,4,0,1,0,product_mng,low -0.37,0.5,2,135,3,0,1,0,product_mng,low -0.37,0.51,2,153,3,0,1,0,product_mng,low -0.87,0.9,5,252,5,0,1,0,IT,low -0.4,0.56,2,149,3,0,1,0,accounting,low -0.9,0.97,4,258,5,0,1,0,accounting,low -0.37,0.46,2,158,3,0,1,0,hr,low -0.44,0.54,2,149,3,0,1,0,hr,low -0.85,0.95,5,236,5,0,1,0,hr,low -0.78,0.98,5,239,6,0,1,0,marketing,low -0.42,0.47,2,159,3,0,1,0,marketing,low -0.92,0.99,5,255,6,0,1,0,sales,low -0.11,0.83,6,244,4,0,1,0,accounting,low -0.42,0.56,2,134,3,0,1,0,support,low -0.48,0.57,4,270,4,0,1,0,technical,low -0.83,0.85,4,255,5,0,1,0,management,low -0.4,0.53,2,151,3,0,1,0,marketing,low -0.43,0.45,2,135,3,0,1,0,marketing,low -0.43,0.53,2,146,3,0,1,0,marketing,low -0.1,0.97,7,254,4,0,1,0,sales,low -0.1,0.87,7,289,4,0,1,0,sales,low -0.37,0.46,2,156,3,0,1,0,sales,low -0.38,0.53,2,156,3,0,1,0,sales,low -0.4,0.5,2,128,3,0,1,0,sales,low -0.89,0.86,5,275,5,0,1,0,sales,low -0.45,0.46,2,155,3,0,1,0,sales,low -0.37,0.48,2,159,3,0,1,0,sales,low -0.46,0.49,2,148,3,0,1,0,sales,low -0.87,0.91,4,228,5,0,1,0,sales,low -0.11,0.84,6,298,4,0,1,0,sales,low -0.79,0.87,5,261,5,0,1,0,sales,low -0.79,0.92,5,254,6,0,1,0,sales,low -0.19,0.59,7,192,3,0,1,0,sales,low -0.87,0.98,4,248,5,0,1,0,sales,low -0.6,0.92,2,258,5,0,1,0,sales,low -0.44,0.45,2,156,3,0,1,0,sales,medium -0.11,0.81,6,266,4,1,1,0,sales,medium -0.42,0.54,2,156,3,0,1,0,sales,medium -0.88,0.88,5,232,5,1,1,0,accounting,medium -0.11,0.84,6,287,4,0,1,0,accounting,medium -0.46,0.46,2,154,3,0,1,0,accounting,medium -0.82,0.97,5,263,5,0,1,0,hr,medium -0.44,0.56,2,131,3,0,1,0,hr,medium -0.11,0.78,6,260,4,0,1,0,hr,medium -0.42,0.5,2,139,3,0,1,0,hr,medium -0.84,0.93,4,251,5,0,1,0,technical,medium -0.11,0.95,6,286,4,0,1,0,technical,medium -0.45,0.53,2,129,3,0,1,0,technical,high -0.38,0.56,2,156,3,0,1,0,technical,low -0.38,0.86,6,139,6,0,1,0,technical,medium -0.44,0.51,2,127,3,0,1,0,technical,medium -0.11,0.84,6,251,4,0,1,0,technical,medium -0.81,0.93,5,270,5,0,1,0,technical,medium -0.09,0.96,6,296,4,0,1,0,technical,low -0.11,0.9,6,254,4,0,1,0,technical,low -0.81,0.95,5,238,6,0,1,0,technical,low -0.1,0.97,6,267,4,1,1,0,support,low -0.74,0.89,5,229,6,0,1,0,support,low -0.09,0.78,6,254,4,0,1,0,support,low -0.82,0.81,4,233,4,1,1,0,support,low -0.1,0.98,6,268,4,0,1,0,support,low -0.27,0.56,3,301,3,0,1,0,support,low -0.83,0.92,5,267,6,0,1,0,support,low -0.1,0.93,6,289,4,1,1,0,support,low -0.38,0.47,2,144,3,0,1,0,support,low -0.4,0.56,2,148,3,0,1,0,support,low -0.11,0.83,6,306,4,0,1,0,support,low -0.11,0.79,6,292,4,0,1,1,technical,low -0.82,0.91,5,232,5,0,1,0,technical,low -0.36,0.48,2,137,3,0,1,0,technical,low -0.4,0.46,2,128,3,0,1,0,management,low -0.87,0.84,5,231,5,0,1,0,IT,low -0.41,0.49,2,146,3,0,1,0,IT,low -0.11,0.91,6,308,4,1,1,0,IT,low -0.1,0.93,6,253,4,0,1,0,IT,medium -0.38,0.51,2,146,3,0,1,0,IT,medium -0.39,0.55,2,156,3,0,1,0,product_mng,medium -0.4,0.52,2,147,3,0,1,0,product_mng,medium -0.45,0.48,2,136,3,0,1,0,product_mng,medium -0.74,0.84,5,249,5,0,1,0,product_mng,medium -0.45,0.55,2,151,3,0,1,0,IT,medium -0.12,1,3,278,4,0,1,0,RandD,medium -0.1,0.77,7,250,5,0,1,0,RandD,medium -0.37,0.55,2,127,3,0,1,0,RandD,medium -0.89,0.87,5,255,5,0,1,0,RandD,medium -0.45,0.47,2,135,3,0,1,0,RandD,medium -0.37,0.46,2,149,3,0,1,0,marketing,high -0.11,0.81,5,287,4,0,1,0,sales,low -0.41,0.48,2,145,3,0,1,0,accounting,medium -0.1,0.94,6,285,4,0,1,0,support,medium -0.1,0.93,7,305,4,0,1,0,technical,medium -0.11,0.95,7,300,4,0,1,0,management,medium -0.4,0.54,2,139,3,0,1,0,marketing,low -0.41,0.49,2,130,3,0,1,0,marketing,low -0.1,0.81,6,268,4,0,1,0,marketing,low -0.73,0.86,4,245,6,0,1,0,sales,low -0.43,0.47,2,135,3,0,1,0,sales,low -0.37,0.46,2,153,3,0,1,0,sales,low -0.11,0.94,6,276,4,0,1,0,sales,low -0.4,0.46,2,130,3,0,1,0,sales,low -0.41,0.54,2,153,3,1,1,0,sales,low -0.82,0.84,5,244,5,0,1,0,sales,low -0.61,0.47,2,253,3,0,1,0,sales,low -0.11,0.91,7,287,4,0,1,0,sales,low -0.37,0.45,2,131,3,0,1,0,sales,low -0.41,0.52,2,135,3,0,1,0,sales,low -0.37,0.52,2,157,3,0,1,0,sales,low -0.88,0.99,5,262,6,0,1,0,sales,low -0.1,0.85,6,266,4,0,1,0,sales,low -0.44,0.48,2,148,3,0,1,0,sales,low -0.38,0.57,2,140,3,0,1,0,sales,low -0.11,0.85,7,302,4,0,1,0,sales,low -0.09,0.98,6,271,4,0,1,0,sales,low -0.45,0.52,2,145,3,0,1,0,sales,medium -0.1,0.81,6,290,4,0,1,0,accounting,medium -0.45,0.47,2,151,3,0,1,0,accounting,medium -0.77,0.87,5,266,5,0,1,0,accounting,medium -0.44,0.51,2,140,3,0,1,0,hr,medium -0.39,0.5,2,142,3,0,1,0,hr,medium -0.1,0.91,6,246,4,0,1,0,hr,medium -0.09,0.89,7,308,5,0,1,0,hr,medium -0.37,0.47,2,141,3,0,1,0,technical,medium -0.9,1,5,232,5,0,1,0,technical,medium -0.41,0.56,2,143,3,0,1,0,technical,medium -0.37,0.52,2,155,3,0,1,0,technical,medium -0.1,0.86,6,278,4,0,1,0,technical,high -0.81,1,4,253,5,0,1,0,technical,low -0.11,0.8,6,282,4,0,1,0,technical,medium -0.11,0.84,7,264,4,0,1,0,technical,medium -0.4,0.46,2,149,3,0,1,0,technical,medium -0.09,0.8,6,304,5,0,1,0,technical,medium -0.48,0.93,3,219,6,0,1,0,technical,low -0.91,0.91,4,262,6,0,1,0,support,low -0.43,0.57,2,135,3,0,1,0,support,low -0.33,0.88,6,219,5,0,1,0,support,low -0.41,0.57,2,136,3,0,1,0,support,low -0.41,0.55,2,154,3,0,1,0,support,low -0.37,0.54,2,149,3,0,1,0,support,low -0.31,0.62,6,135,5,0,1,0,support,low -0.09,0.91,6,275,4,0,1,0,support,low -0.1,0.87,6,290,4,0,1,0,support,low -0.76,0.9,4,263,5,0,1,0,support,low -0.41,0.54,2,145,3,0,1,0,support,low -0.72,0.96,5,267,5,0,1,0,technical,low -0.4,0.5,2,141,3,1,1,0,technical,low -0.91,0.87,4,235,5,0,1,0,technical,low -0.1,0.83,6,258,4,0,1,0,management,low -0.4,0.56,2,131,3,0,1,0,IT,low -0.82,0.86,5,243,5,0,1,0,IT,low -0.1,0.82,6,266,4,0,1,0,IT,low -0.37,0.45,2,142,3,0,1,0,IT,low -0.36,0.51,2,135,3,0,1,0,IT,low -0.39,0.48,2,141,3,0,1,0,product_mng,medium -0.36,0.57,2,142,3,0,1,0,product_mng,medium -0.86,0.84,5,254,5,0,1,0,product_mng,medium -0.73,0.99,5,262,5,0,1,0,product_mng,medium -0.56,0.71,4,296,2,0,1,0,IT,medium -0.44,0.56,2,158,3,0,1,0,accounting,medium -0.31,0.56,4,238,2,0,1,0,accounting,medium -0.77,0.93,4,231,5,0,1,0,hr,medium -0.44,0.45,2,156,3,0,1,0,hr,medium -0.38,0.46,2,145,3,0,1,0,hr,medium -0.45,0.48,2,144,3,0,1,0,marketing,medium -0.38,0.51,2,159,3,0,1,0,sales,medium -0.36,0.48,2,156,3,0,1,0,accounting,high -0.75,0.9,5,256,5,0,1,0,support,low -0.1,0.93,6,298,4,0,1,0,technical,medium -0.1,0.97,6,247,4,0,1,0,management,medium -0.45,0.5,2,157,3,0,1,0,marketing,medium -0.42,0.57,2,154,3,1,1,0,marketing,medium -0.78,1,4,253,5,0,1,0,marketing,low -0.45,0.55,2,148,3,0,1,0,sales,low -0.84,1,4,261,5,0,1,0,sales,low -0.11,0.93,6,282,4,0,1,0,sales,low -0.42,0.56,2,133,3,0,1,0,sales,low -0.45,0.46,2,128,3,0,1,0,sales,low -0.46,0.57,2,139,3,0,1,0,sales,low -0.09,0.79,6,293,5,0,1,0,sales,low -0.87,0.83,4,265,6,0,1,0,sales,low -0.1,0.87,6,250,4,0,1,0,sales,low -0.91,1,5,251,6,0,1,0,sales,low -0.76,0.92,4,246,5,0,1,0,sales,low -0.74,1,5,275,5,0,1,0,sales,low -0.92,0.93,5,240,5,0,1,0,sales,low -0.76,0.87,5,245,5,0,1,0,sales,low -0.47,0.5,4,254,4,0,1,0,sales,low -0.73,0.99,5,241,5,0,1,0,sales,low -0.09,0.94,6,257,4,0,1,0,sales,low -0.91,0.92,4,246,5,0,1,0,sales,low -0.82,0.98,4,233,5,0,1,0,sales,low -0.28,0.45,6,218,4,0,1,0,accounting,low -0.84,0.99,4,262,6,0,1,0,accounting,medium -0.45,0.53,2,138,3,0,1,0,accounting,medium -0.45,0.54,2,142,3,0,1,0,hr,medium -0.91,0.97,5,233,5,0,1,0,hr,medium -0.42,0.48,2,155,3,0,1,0,hr,medium -0.82,1,4,229,6,0,1,0,hr,medium -0.11,0.9,6,264,4,0,1,0,technical,medium -0.42,0.53,3,199,4,0,1,0,technical,medium -0.82,0.85,4,223,5,0,1,0,technical,medium -0.09,0.96,6,268,4,0,1,0,technical,medium -0.1,0.94,6,287,4,0,1,0,technical,medium -0.86,1,5,257,5,0,1,0,technical,medium -0.4,0.46,2,143,3,0,1,0,technical,high -0.45,0.46,2,130,3,0,1,0,technical,low -0.42,0.51,2,136,3,0,1,0,technical,medium -0.74,0.92,4,261,5,0,1,0,technical,medium -0.55,0.6,3,180,4,0,1,0,technical,medium -0.37,0.45,2,126,3,0,1,0,support,medium -0.41,0.52,2,127,3,1,1,0,support,low -0.89,0.65,5,195,6,0,1,0,support,low -0.41,0.57,2,160,3,0,1,0,support,low -0.44,0.51,2,150,3,0,1,0,support,low -0.87,0.84,4,264,6,0,1,0,support,low -0.1,0.84,6,309,4,0,1,0,support,low -0.41,0.47,2,135,3,0,1,0,support,low -0.11,0.85,6,261,4,0,1,0,support,low -0.43,0.53,2,160,3,0,1,0,support,low -0.77,0.9,4,237,5,0,1,0,support,low -0.41,0.52,2,136,3,0,1,0,technical,low -0.41,0.48,2,139,3,0,1,0,technical,low -0.36,0.78,2,151,4,0,1,0,technical,low -0.77,1,5,229,5,0,1,0,management,low -0.81,0.98,5,245,5,0,1,0,IT,low -0.39,0.54,2,127,3,0,1,0,IT,low -0.09,0.94,6,283,5,0,1,0,IT,low -0.44,0.46,2,143,3,0,1,0,IT,low -0.1,0.84,5,298,4,0,1,0,IT,low -0.36,0.48,2,159,3,0,1,0,product_mng,low -0.81,0.92,5,239,5,0,1,0,product_mng,low -0.81,0.9,4,226,5,0,1,0,product_mng,medium -0.85,0.98,5,248,5,0,1,0,product_mng,medium -0.1,0.87,6,286,4,0,1,0,IT,medium -0.37,0.54,2,145,3,0,1,0,RandD,medium -0.09,0.97,7,254,4,1,1,0,RandD,medium -0.44,0.53,2,127,3,0,1,0,RandD,medium -0.86,0.93,5,223,5,0,1,0,RandD,medium -0.77,1,4,255,5,0,1,0,RandD,medium -0.41,0.48,2,136,3,0,1,0,marketing,medium -0.4,0.48,2,137,3,0,1,0,sales,medium -0.43,0.49,2,135,3,0,1,0,accounting,medium -0.43,0.5,2,137,3,0,1,0,support,medium -0.8,0.53,3,255,5,0,1,0,technical,high -0.8,0.85,4,273,5,0,1,0,management,low -0.82,0.98,5,234,5,0,1,0,marketing,medium -0.37,0.54,2,152,3,0,1,0,marketing,medium -0.37,0.48,2,134,3,0,1,0,marketing,medium -0.09,0.95,6,292,4,0,1,0,sales,medium -0.9,0.92,5,245,5,0,1,0,sales,low -0.41,0.52,2,159,3,0,1,0,sales,low -0.1,0.85,6,260,4,0,1,0,sales,low -0.44,0.53,2,149,3,0,1,0,sales,low -0.89,0.85,5,266,5,0,1,0,sales,low -0.42,0.56,2,149,3,0,1,0,sales,low -0.87,1,5,242,5,0,1,0,sales,low -0.45,0.57,2,134,3,0,1,0,sales,low -0.11,0.87,5,271,4,0,1,0,sales,low -0.09,0.79,6,275,4,0,1,0,sales,low -0.76,0.83,5,227,5,0,1,0,sales,low -0.11,0.96,7,277,5,0,1,0,sales,low -0.37,0.49,2,151,3,0,1,0,sales,low -0.1,0.79,6,274,4,0,1,0,sales,low -0.77,0.87,4,242,6,0,1,0,sales,low -0.42,0.54,2,143,3,1,1,0,sales,low -0.38,0.52,2,145,3,0,1,0,sales,low -0.32,0.95,5,172,2,0,1,0,sales,low -0.38,0.49,2,135,3,0,1,0,accounting,low -0.19,1,4,192,4,0,1,0,accounting,low -0.1,0.83,7,276,4,0,1,0,accounting,low -0.76,0.88,4,206,4,0,1,0,hr,medium -0.53,0.56,4,281,6,0,1,0,hr,medium -0.39,0.51,2,151,3,0,1,0,hr,medium -0.11,0.83,6,244,4,0,1,0,hr,medium -0.1,0.94,6,309,4,0,1,0,technical,medium -0.84,1,5,218,5,0,1,0,technical,medium -0.82,0.99,4,263,6,0,1,0,technical,medium -0.1,0.82,6,244,4,0,1,0,technical,medium -0.59,0.49,7,263,4,0,1,0,technical,medium -0.44,0.48,2,143,3,0,1,0,technical,medium -0.89,0.95,2,181,5,0,1,0,technical,medium -0.91,0.84,5,265,5,0,1,0,technical,medium -0.66,0.57,5,161,5,0,1,0,technical,high -0.11,0.87,7,282,5,0,1,0,technical,low -0.43,0.51,2,155,3,0,1,0,technical,medium -0.78,0.83,4,217,6,0,1,0,support,medium -0.11,0.97,6,289,5,0,1,0,support,medium -0.83,0.98,4,259,5,0,1,0,support,medium -0.39,0.54,2,158,3,0,1,0,support,low -0.38,0.55,2,158,3,0,1,0,support,low -0.37,0.57,2,155,3,0,1,0,support,low -0.44,0.48,2,146,3,0,1,0,support,low -0.53,0.85,2,164,5,0,1,0,support,low -0.09,0.96,6,259,4,0,1,0,support,low -0.11,0.89,6,293,4,0,1,0,support,low -0.83,0.96,5,275,5,0,1,0,support,low -0.88,1,5,219,6,1,1,0,technical,low -0.1,0.89,6,247,4,0,1,0,technical,low -0.09,0.86,7,309,4,0,1,0,technical,low -0.44,0.54,2,151,3,0,1,0,management,low -0.39,0.51,2,129,3,0,1,0,IT,low -0.87,0.94,4,274,5,0,1,0,IT,low -0.74,0.99,4,233,5,0,1,0,IT,low -0.1,0.95,7,289,4,0,1,0,IT,low -0.74,0.82,4,239,6,0,1,0,IT,low -0.75,0.99,5,221,5,0,1,0,product_mng,low -0.41,0.56,2,150,3,0,1,0,product_mng,low -0.41,0.45,2,144,3,1,1,0,product_mng,low -0.09,0.9,7,289,4,0,1,0,product_mng,low -0.09,0.8,6,301,5,0,1,0,IT,medium -0.39,0.57,2,145,3,0,1,0,accounting,medium -0.4,0.56,2,137,3,0,1,0,accounting,medium -0.37,0.54,2,131,3,1,1,0,hr,medium -0.1,0.84,6,246,4,0,1,0,hr,medium -0.43,0.51,2,136,3,0,1,0,hr,medium -0.75,0.85,5,240,6,1,1,0,marketing,medium -0.37,0.56,2,156,3,0,1,0,sales,medium -0.11,0.85,6,305,4,0,1,0,accounting,medium -0.45,0.45,2,154,3,1,1,0,support,medium -0.87,1,5,261,5,1,1,0,technical,medium -0.11,0.94,7,244,4,0,1,0,management,medium -0.45,0.54,2,129,3,0,1,0,marketing,high -0.81,0.87,4,254,5,0,1,0,marketing,low -0.77,0.91,5,236,5,0,1,0,marketing,medium -0.89,0.92,5,237,5,0,1,0,sales,medium -0.43,0.49,2,135,3,0,1,0,sales,medium -0.78,1,5,236,5,0,1,0,sales,medium -0.37,0.47,2,149,3,0,1,0,sales,low -0.37,0.5,2,141,3,0,1,0,sales,low -0.85,0.82,4,270,5,0,1,0,sales,low -0.41,0.47,2,138,3,0,1,0,sales,low -0.11,0.96,6,298,4,0,1,0,sales,low -0.75,0.99,5,254,5,0,1,0,sales,low -0.82,0.85,5,248,5,0,1,0,sales,low -0.79,1,5,257,6,0,1,0,sales,low -0.43,0.53,2,150,3,0,1,0,sales,low -0.1,0.9,7,281,4,0,1,0,sales,low -0.46,0.48,2,141,3,1,1,0,sales,low -0.43,0.57,2,157,3,0,1,0,sales,low -0.43,0.55,2,136,3,0,1,0,sales,low -0.11,0.8,7,296,4,0,1,0,sales,low -0.09,0.86,6,279,4,0,1,0,sales,low -0.37,0.53,2,131,3,0,1,0,sales,low -0.4,0.57,2,160,3,0,1,0,accounting,low -0.1,0.77,7,291,4,0,1,0,accounting,low -0.41,0.53,2,157,3,0,1,0,accounting,low -0.79,0.58,3,294,4,0,1,0,hr,low -0.11,0.79,7,310,4,0,1,0,hr,low -0.1,0.97,6,282,4,0,1,0,hr,medium -0.44,0.51,2,134,3,0,1,0,hr,medium -0.25,0.46,4,214,4,0,1,0,technical,medium -0.44,0.52,2,137,3,0,1,0,technical,medium -0.73,1,4,252,5,0,1,0,technical,medium -0.75,0.97,5,243,6,0,1,0,technical,medium -0.36,0.47,2,148,3,0,1,0,technical,medium -0.37,0.49,2,151,3,0,1,0,technical,medium -0.39,0.49,2,129,3,0,1,0,technical,medium -0.48,0.78,2,198,2,0,1,0,technical,medium -0.57,0.72,4,275,6,0,1,0,technical,medium -0.9,0.96,5,243,5,0,1,0,technical,medium -0.39,0.55,2,159,3,0,1,0,technical,high -0.44,0.51,2,145,3,0,1,0,support,low -0.81,0.88,5,242,5,0,1,0,support,medium -0.74,0.87,5,242,5,0,1,0,support,medium -0.44,0.56,2,145,3,0,1,0,support,medium -0.41,0.56,2,154,3,0,1,1,support,medium -0.4,0.51,2,139,3,0,1,0,support,low -0.46,0.57,2,152,3,0,1,0,support,low -0.8,0.83,2,211,3,0,1,0,support,low -0.87,0.9,5,258,5,0,1,0,support,low -0.39,0.54,2,155,3,0,1,0,support,low -0.38,0.55,2,148,3,0,1,0,support,low -0.66,0.67,2,255,3,0,1,0,technical,low -0.1,0.8,6,264,4,0,1,0,technical,low -0.37,0.54,2,132,3,0,1,0,technical,low -0.1,0.77,6,255,4,0,1,0,management,low -0.09,0.87,5,263,4,0,1,0,IT,low -0.86,0.84,5,222,5,0,1,0,IT,low -0.11,0.9,6,263,4,0,1,0,IT,low -0.37,0.46,2,157,3,0,1,0,IT,low -0.11,0.92,7,307,4,0,1,0,IT,low -0.77,0.98,5,259,6,0,1,0,product_mng,low -0.84,0.94,5,222,6,0,1,0,product_mng,low -0.1,0.84,7,250,4,0,1,0,product_mng,low -0.83,0.9,5,245,5,0,1,0,product_mng,low -0.11,0.79,6,292,4,0,1,0,IT,low -0.86,0.92,5,252,5,0,1,0,RandD,low -0.38,0.56,2,161,3,0,1,0,RandD,medium -0.11,0.88,5,250,4,0,1,0,RandD,medium -0.45,0.49,2,134,3,0,1,0,RandD,medium -0.1,0.85,7,279,4,0,1,0,RandD,medium -0.09,0.95,7,256,4,0,1,0,marketing,medium -0.39,0.53,2,127,3,0,1,0,sales,medium -0.37,0.47,2,138,3,1,1,0,accounting,medium -0.81,0.97,5,243,5,0,1,0,support,medium -0.09,0.9,7,296,4,0,1,0,technical,medium -0.1,0.88,7,267,4,0,1,0,management,medium -0.39,0.49,2,144,3,0,1,0,marketing,medium -0.83,0.95,4,251,5,0,1,0,marketing,medium -0.45,0.57,2,148,3,0,1,0,marketing,high -0.43,0.51,2,141,3,0,1,0,sales,low -0.8,0.75,3,268,2,0,1,0,sales,medium -0.1,0.86,6,247,4,0,1,0,sales,medium -0.1,0.55,2,247,4,0,1,0,sales,medium -0.36,0.52,2,146,3,0,1,0,sales,medium -0.38,0.5,2,140,3,0,1,0,sales,low -0.78,0.98,5,263,6,0,1,0,sales,low -0.44,0.49,2,145,3,0,1,0,sales,low -0.41,0.46,2,156,3,1,1,0,sales,low -0.72,0.85,5,244,6,0,1,0,sales,low -0.46,0.54,2,144,3,0,1,0,sales,low -0.1,0.9,7,286,4,0,1,0,sales,low -0.34,0.67,4,141,2,0,1,0,sales,low -0.11,0.89,6,260,5,0,1,0,sales,low -0.38,0.56,2,154,3,0,1,0,sales,low -0.82,0.92,5,225,5,0,1,0,sales,low -0.39,0.57,2,127,3,0,1,0,sales,low -0.44,0.53,2,140,3,0,1,0,sales,low -0.43,0.52,2,147,3,0,1,0,sales,low -0.84,0.83,4,227,5,0,1,0,accounting,low -0.43,0.48,2,153,3,0,1,0,accounting,low -0.37,0.52,2,128,3,0,1,0,accounting,low -0.74,0.97,4,228,5,0,1,0,hr,low -0.73,0.97,5,235,5,0,1,0,hr,low -0.37,0.47,2,148,3,0,1,0,hr,low -0.58,0.62,4,238,3,0,1,0,hr,low -0.4,0.54,2,141,3,0,1,0,technical,medium -0.51,0.83,5,249,4,0,1,0,technical,medium -0.46,0.5,2,151,3,0,1,0,technical,medium -0.45,0.54,2,129,3,0,1,0,technical,medium -0.46,0.5,2,156,3,0,1,0,technical,medium -0.39,0.45,2,134,3,0,1,0,technical,medium -0.09,0.88,6,269,4,0,1,0,technical,medium -0.09,0.77,6,290,4,0,1,0,technical,medium -0.37,0.51,2,132,3,0,1,0,technical,medium -0.1,0.89,7,308,4,0,1,0,technical,medium -0.77,1,4,232,5,0,1,0,technical,medium -0.79,0.86,5,235,5,0,1,0,support,medium -0.43,0.55,2,130,3,0,1,0,support,high -0.38,0.53,2,146,3,0,1,0,support,low -0.77,0.91,5,221,6,0,1,0,support,medium -0.44,0.5,2,130,3,0,1,0,support,medium -0.39,0.46,2,136,3,0,1,0,support,medium -0.78,0.89,5,274,6,0,1,0,support,medium -0.1,0.79,6,256,5,0,1,0,support,low -0.1,0.77,5,276,4,0,1,0,support,low -0.75,0.85,5,267,5,0,1,0,support,low -0.46,0.62,6,213,3,0,1,0,support,low -0.91,0.97,4,274,6,0,1,0,technical,low -0.1,0.92,6,258,4,0,1,0,technical,low -0.72,0.6,3,153,5,0,1,0,technical,low -0.11,0.95,6,245,4,0,1,0,management,low -0.11,0.94,6,264,4,0,1,0,IT,low -0.46,0.57,2,154,3,0,1,0,IT,low -0.37,0.46,2,149,3,0,1,0,IT,low -0.46,0.5,2,157,3,0,1,0,IT,low -0.43,0.57,2,127,3,0,1,0,IT,low -0.11,0.82,6,270,4,0,1,0,product_mng,low -0.73,0.89,5,236,6,0,1,0,product_mng,low -0.43,0.47,2,158,3,0,1,0,product_mng,low -0.86,1,5,229,5,0,1,0,product_mng,low -0.1,0.83,6,269,4,0,1,0,IT,low -0.4,0.49,2,128,3,0,1,0,sales,low -0.11,0.87,7,278,4,0,1,0,sales,low -0.86,0.98,3,158,5,0,1,0,sales,low -0.42,1,3,202,3,0,1,0,sales,medium -0.79,0.84,4,240,5,0,1,0,sales,medium -0.1,0.96,7,255,4,0,1,0,marketing,medium -0.09,0.92,7,254,4,0,1,0,sales,medium -0.09,0.82,6,257,4,0,1,0,accounting,medium -0.87,1,4,228,5,0,1,0,support,medium -0.36,0.49,2,145,3,0,1,0,technical,medium -0.42,0.75,3,218,4,0,1,0,management,medium -0.84,0.86,5,268,5,0,1,0,marketing,medium -0.1,0.83,6,278,4,0,1,0,marketing,medium -0.78,0.71,3,249,5,0,1,0,marketing,medium -0.35,0.99,3,236,4,0,1,0,sales,medium -0.1,0.81,7,291,4,0,1,0,sales,high -0.11,0.8,6,306,4,0,1,0,sales,low -0.43,0.48,2,135,3,0,1,0,sales,medium -0.38,0.45,2,156,3,0,1,0,sales,medium -0.46,0.54,2,143,3,0,1,0,sales,medium -0.89,0.82,4,243,5,0,1,0,sales,medium -0.45,0.5,2,147,3,0,1,0,sales,low -0.44,0.53,2,159,3,0,1,0,sales,low -0.74,0.54,5,216,3,0,1,0,sales,low -0.45,0.54,2,152,3,0,1,0,sales,low -0.79,0.93,4,226,5,0,1,0,sales,low -0.79,0.91,5,271,5,0,1,0,sales,low -0.11,0.87,6,255,4,0,1,0,sales,low -0.42,0.48,2,140,3,0,1,0,sales,low -0.64,0.9,6,252,2,0,1,0,sales,low -0.4,0.55,2,159,3,0,1,0,sales,low -0.84,0.98,5,270,5,0,1,0,sales,low -0.73,0.92,5,232,5,0,1,0,sales,low -0.4,0.51,2,144,3,0,1,0,accounting,low -0.36,0.45,2,127,3,0,1,0,accounting,low -0.43,0.47,2,131,3,0,1,0,accounting,low -0.11,0.78,6,243,4,0,1,0,hr,low -0.91,1,5,244,6,0,1,0,hr,low -0.8,1,5,260,5,0,1,0,hr,low -0.42,0.49,2,139,3,0,1,0,hr,low -0.31,0.87,4,184,3,0,1,0,technical,low -0.44,0.47,2,130,3,0,1,0,technical,low -0.38,0.54,2,135,3,0,1,0,technical,medium -0.45,0.56,2,146,3,0,1,0,technical,medium -0.43,0.46,2,149,3,0,1,0,technical,medium -0.45,0.46,2,153,3,1,1,0,technical,medium -0.43,0.57,2,160,3,0,1,0,technical,medium -0.43,0.49,2,160,3,0,1,0,technical,medium -0.09,0.83,6,282,4,0,1,0,technical,medium -0.43,0.47,2,128,3,0,1,0,technical,medium -0.79,0.94,4,232,5,0,1,0,technical,medium -0.85,0.58,3,226,2,0,1,0,support,medium -0.38,0.45,2,129,3,0,1,0,support,medium -0.11,0.92,7,255,4,0,1,0,support,medium -0.83,0.99,5,258,5,0,1,0,support,high -0.81,0.91,4,229,5,0,1,0,support,low -0.42,0.56,2,143,3,0,1,0,support,medium -0.11,0.87,6,257,4,0,1,0,support,medium -0.11,0.85,7,275,4,0,1,0,support,medium -0.1,0.89,7,291,4,0,1,0,support,medium -0.5,0.54,5,153,4,0,1,0,support,low -0.44,0.49,2,154,3,0,1,0,support,low -0.11,0.9,6,301,4,0,1,0,technical,low -0.39,0.52,2,134,3,0,1,0,technical,low -0.11,0.78,6,245,4,0,1,0,technical,low -0.36,0.5,2,132,3,0,1,0,management,low -0.43,0.51,2,130,3,0,1,0,IT,low -0.4,0.5,2,127,3,0,1,0,IT,low -0.86,0.84,4,246,6,0,1,0,IT,low -0.38,0.49,2,145,3,0,1,0,IT,low -0.46,0.45,2,138,3,0,1,1,IT,low -0.37,0.57,2,129,3,0,1,0,product_mng,low -0.43,0.52,2,150,3,0,1,0,product_mng,low -0.66,0.93,5,253,5,0,1,0,product_mng,low -0.37,0.48,2,160,3,0,1,0,product_mng,low -0.77,0.92,5,235,5,0,1,0,IT,low -0.38,0.55,2,151,3,0,1,0,sales,low -0.39,0.54,2,127,3,0,1,0,sales,low -0.41,0.55,2,151,3,0,1,0,sales,low -0.1,0.9,7,290,4,0,1,0,sales,low -0.09,0.93,6,249,4,0,1,0,sales,low -0.41,0.47,2,131,3,0,1,0,marketing,medium -0.39,0.46,2,159,3,0,1,0,sales,medium -0.83,0.99,4,223,5,0,1,0,accounting,medium -0.09,0.87,3,214,2,0,1,0,support,medium -0.75,0.81,5,227,5,0,1,0,technical,medium -0.44,0.54,2,127,3,0,1,0,management,medium -0.1,0.84,6,293,5,0,1,0,marketing,medium -0.42,0.46,2,141,3,0,1,0,marketing,medium -0.1,0.83,6,300,4,0,1,0,marketing,medium -0.1,0.86,6,309,4,0,1,0,sales,medium -0.31,0.77,4,149,3,0,1,0,sales,medium -0.42,0.54,2,159,3,0,1,0,sales,medium -0.38,0.5,2,152,3,0,1,0,sales,high -0.39,0.57,2,158,3,0,1,0,sales,low -0.1,0.97,6,254,5,0,1,0,sales,medium -0.11,0.93,6,294,4,0,1,0,sales,medium -0.1,0.92,7,269,4,0,1,0,sales,medium -0.11,0.9,7,247,4,0,1,0,sales,medium -0.44,0.65,3,271,4,0,1,0,sales,low -0.91,0.96,4,232,5,0,1,0,sales,low -0.72,1,4,245,5,0,1,0,sales,low -0.66,0.66,3,225,3,0,0,0,technical,low -0.2,0.69,6,236,4,0,0,0,technical,low -0.97,0.78,3,268,3,1,0,0,technical,low -0.59,0.73,2,230,3,0,0,0,technical,low -0.88,0.6,4,162,2,0,0,0,technical,low -0.16,0.73,4,197,2,0,0,0,technical,low -0.61,0.96,3,247,3,0,0,0,support,low -0.52,0.79,4,234,3,0,0,0,support,low -0.82,0.49,4,276,4,0,0,0,support,low -0.75,0.94,5,217,2,0,0,0,support,medium -0.62,0.5,4,156,2,0,0,0,support,medium -0.91,0.88,3,189,2,0,0,0,support,medium -0.61,0.98,2,238,4,0,0,0,support,medium -0.79,0.77,3,201,6,1,0,0,support,medium -0.9,0.93,4,263,3,1,0,0,support,medium -0.75,0.83,3,146,3,0,0,0,support,medium -0.81,0.64,4,213,3,0,0,0,support,medium -0.59,0.88,3,159,2,0,0,0,technical,medium -0.56,0.83,3,236,3,1,0,0,technical,medium -0.98,0.79,5,257,4,0,0,0,technical,medium -0.59,0.72,4,168,4,0,0,0,management,medium -0.61,0.67,4,151,3,0,0,0,IT,high -0.78,0.7,4,139,3,0,0,0,IT,low -0.55,0.93,5,196,3,0,0,0,IT,medium -0.2,0.97,4,237,5,0,0,0,IT,medium -0.79,0.44,2,236,3,0,0,0,IT,medium -0.52,0.98,4,265,3,0,0,0,product_mng,medium -0.97,0.52,4,207,3,0,0,0,product_mng,low -0.63,0.94,4,219,3,0,0,0,product_mng,low -0.85,0.99,3,208,2,0,0,0,product_mng,low -0.59,0.74,3,240,3,0,0,0,IT,low -0.64,0.6,3,135,3,0,0,0,RandD,low -0.8,0.67,3,236,3,1,0,0,RandD,low -0.61,0.75,3,140,3,0,0,0,RandD,low -0.87,0.61,3,162,2,0,0,0,RandD,low -0.75,0.59,3,117,3,1,0,0,RandD,medium -0.96,0.51,4,225,3,0,0,0,marketing,medium -0.75,0.92,3,211,3,0,0,0,sales,medium -0.19,0.58,4,173,5,0,0,0,accounting,medium -0.52,0.97,4,170,3,0,0,0,support,medium -0.6,0.6,3,242,3,0,0,0,technical,medium -0.9,0.81,4,175,3,0,0,0,management,medium -0.89,0.92,3,195,2,0,0,0,marketing,medium -0.54,0.93,4,184,2,1,0,0,marketing,medium -0.99,0.55,3,170,3,0,0,0,marketing,medium -0.66,0.56,4,185,3,0,0,0,sales,medium -0.92,0.64,4,259,2,0,0,0,sales,medium -0.19,0.72,4,102,3,0,0,0,sales,medium -0.39,0.37,5,156,4,0,0,0,sales,medium -0.41,0.68,3,191,4,0,0,0,sales,medium -0.6,0.49,3,239,2,0,0,0,sales,medium -0.95,0.54,4,235,4,0,0,0,sales,medium -0.51,0.87,2,130,4,0,0,0,sales,medium -0.54,0.74,2,166,3,0,0,0,sales,medium -0.16,0.54,5,206,5,0,0,0,sales,medium -0.98,0.77,3,191,2,0,0,0,sales,medium -0.65,0.75,3,214,3,0,0,0,sales,medium -0.38,0.5,3,196,3,0,0,0,sales,medium -0.95,0.71,4,151,4,0,0,0,sales,medium -0.6,0.62,5,165,2,0,0,0,sales,medium -0.78,0.91,3,177,2,0,0,0,sales,high -0.19,0.63,6,241,6,0,0,0,sales,high -0.56,0.99,4,230,3,0,0,0,sales,high -0.21,0.71,4,270,2,0,0,0,sales,high -0.83,0.71,3,234,4,0,0,0,accounting,high -0.5,0.64,3,257,2,1,0,0,accounting,high -0.74,0.87,5,264,3,0,0,0,accounting,high -0.75,0.83,4,133,4,0,0,0,hr,high -0.85,0.66,4,155,4,0,0,0,hr,high -0.93,0.59,3,202,2,0,0,0,hr,high -0.76,0.7,3,136,2,0,0,0,hr,high -0.91,0.78,3,269,3,1,0,0,technical,high -0.22,0.54,6,169,4,0,0,0,technical,low -0.78,0.52,5,192,3,1,0,0,technical,low -0.53,0.8,4,241,3,1,0,0,technical,low -0.58,0.69,4,165,3,0,0,0,technical,low -0.99,0.81,3,183,2,0,0,0,technical,low -0.62,0.64,4,163,3,0,0,0,technical,low -0.59,0.69,3,162,3,0,0,0,technical,low -0.13,0.76,5,219,4,0,0,0,technical,low -0.19,0.63,4,278,6,0,0,0,technical,low -0.94,0.99,2,273,4,0,0,0,technical,low -0.53,0.96,4,272,2,0,0,0,support,low -0.96,0.85,5,168,2,0,0,0,support,low -0.62,0.87,4,221,3,1,0,0,support,low -0.81,0.86,4,213,3,0,0,0,support,low -0.63,0.78,4,275,3,0,0,0,support,low -0.92,0.68,5,177,4,0,0,0,support,medium -0.83,0.74,4,249,2,0,0,0,support,medium -0.49,0.37,5,246,3,0,0,0,support,medium -0.8,0.66,4,223,3,0,0,0,support,medium -0.54,0.76,4,244,2,0,0,0,support,medium -0.37,0.72,3,169,2,1,0,0,support,medium -0.93,0.56,5,140,3,0,0,0,technical,medium -0.88,0.99,5,253,2,0,0,0,technical,medium -0.79,0.87,3,194,2,0,0,0,technical,medium -0.65,0.88,4,173,3,0,0,0,management,medium -0.72,0.7,4,172,3,0,0,0,IT,medium -0.58,0.49,3,167,3,0,0,0,IT,medium -0.37,0.51,2,153,3,0,0,0,IT,high -0.87,0.97,4,243,3,0,0,0,IT,high -0.63,0.72,6,163,4,0,0,0,IT,high -0.72,0.79,3,221,3,0,0,0,product_mng,high -0.36,0.55,3,191,3,0,0,0,product_mng,high -0.96,0.7,4,272,3,0,0,0,product_mng,high -0.52,0.37,2,118,2,0,0,0,product_mng,high -0.16,0.83,5,173,4,0,0,0,IT,high -0.63,0.55,4,200,3,1,0,0,RandD,low -0.92,0.76,5,132,3,1,0,0,RandD,low -0.82,0.49,4,180,2,0,0,0,RandD,low -0.18,0.54,4,145,5,0,0,0,RandD,low -0.73,0.48,4,139,2,0,0,0,RandD,low -0.44,0.61,5,230,6,0,0,0,marketing,low -0.73,0.62,4,247,4,0,0,0,sales,low -0.62,0.95,4,140,2,0,0,0,accounting,low -0.94,0.8,4,266,3,1,0,0,support,medium -0.76,0.74,4,261,3,0,0,0,technical,medium -0.89,0.49,4,275,3,0,0,0,management,medium -0.9,0.88,5,254,2,0,0,0,marketing,medium -1,0.93,5,231,2,0,0,0,marketing,medium -0.71,0.9,3,138,3,0,0,0,marketing,medium -0.73,0.97,4,163,3,0,0,0,sales,medium -0.97,0.9,5,262,3,0,0,0,sales,medium -0.6,0.59,4,201,3,0,0,0,sales,medium -0.82,0.67,3,229,3,0,0,0,sales,medium -0.95,0.48,4,228,2,0,0,0,sales,medium -0.88,0.65,5,228,3,0,0,0,sales,medium -0.79,0.49,3,273,3,0,0,0,sales,medium -0.52,0.96,4,171,2,0,0,0,sales,medium -0.22,0.61,3,148,5,0,0,0,sales,medium -0.59,0.96,5,211,3,0,0,0,sales,medium -0.84,0.64,2,211,3,0,0,0,sales,medium -0.54,0.41,3,175,3,0,0,0,sales,medium -1,0.86,4,245,4,0,0,0,sales,medium -0.93,0.59,3,273,2,1,0,0,sales,medium -0.96,0.55,3,225,4,1,0,0,sales,medium -0.56,0.41,5,152,3,0,0,0,sales,medium -0.49,0.66,5,194,3,0,0,0,sales,medium -0.89,0.51,4,185,3,1,0,0,sales,high -0.57,0.91,3,193,2,0,0,0,sales,low -0.96,0.64,3,166,2,0,0,0,accounting,medium -0.65,0.89,5,223,3,1,0,0,accounting,medium -0.14,0.66,5,281,4,1,0,0,accounting,medium -0.64,0.49,3,241,3,0,0,0,hr,medium -0.98,0.91,3,165,2,1,0,0,hr,medium -0.71,0.59,4,143,2,0,0,0,hr,medium -0.96,0.49,5,137,3,0,0,0,hr,medium -0.9,0.57,4,185,3,1,0,0,technical,medium -0.52,0.96,3,271,3,1,0,0,technical,medium -0.78,0.98,4,207,2,1,0,0,technical,medium -0.62,0.69,4,184,3,0,0,0,technical,low -0.6,0.8,4,253,2,0,0,0,technical,low -0.82,0.62,3,152,6,0,0,0,technical,low -0.52,0.55,3,225,2,0,0,0,technical,low -0.13,0.84,5,189,5,0,0,0,technical,low -0.97,0.93,3,153,2,0,0,0,technical,low -0.63,0.9,4,245,3,0,0,0,technical,low -0.68,0.78,5,233,3,0,0,0,technical,high -0.74,0.83,4,210,3,0,0,0,support,low -0.89,0.57,4,176,4,0,0,0,support,high -0.28,0.95,5,191,3,0,0,0,support,high -0.61,0.9,3,224,3,0,0,0,support,low -0.67,0.49,3,185,3,0,0,0,support,low -0.86,0.64,3,245,4,0,0,0,support,high -0.87,0.93,3,173,2,0,0,0,support,low -0.7,0.95,4,231,3,0,0,0,support,medium -0.68,0.84,3,270,3,0,0,0,support,high -0.69,0.75,5,196,3,0,0,0,support,medium -0.97,0.83,3,238,2,0,0,0,support,medium -0.62,0.89,4,261,2,0,0,0,technical,medium -0.55,0.87,3,201,2,0,0,0,technical,medium -0.61,0.73,3,252,3,0,0,0,technical,high -0.15,0.81,3,191,5,0,0,0,management,medium -0.84,0.86,3,199,3,0,0,0,IT,medium -0.87,0.64,5,234,2,1,0,0,IT,medium -0.93,0.86,4,192,4,0,0,0,IT,high -0.14,0.73,6,237,5,0,0,0,IT,medium -0.96,0.7,3,207,3,0,0,0,IT,high -0.41,0.63,2,145,2,0,0,0,product_mng,low -0.84,0.96,6,155,5,0,0,0,product_mng,medium -0.94,0.69,5,145,2,0,0,0,product_mng,medium -0.6,0.86,6,247,6,0,0,0,product_mng,medium -0.7,0.73,4,182,3,0,0,0,IT,medium -0.29,0.91,4,183,4,0,0,0,RandD,low -0.31,0.51,2,146,3,0,0,0,RandD,low -0.73,0.99,3,241,3,0,0,0,RandD,low -0.51,0.52,5,261,3,1,0,0,RandD,low -0.58,0.77,4,140,3,0,0,0,RandD,low -0.59,0.97,3,257,3,0,0,0,marketing,low -0.95,0.9,3,186,2,0,0,0,marketing,low -0.84,0.93,3,159,3,0,0,0,sales,low -0.28,0.37,3,164,4,1,0,0,accounting,low -0.94,0.52,4,217,6,1,0,0,support,low -0.49,0.59,4,137,4,0,0,0,technical,high -0.72,0.5,4,164,2,1,0,0,management,low -0.19,0.85,5,249,3,0,0,0,marketing,low -0.83,0.95,3,264,2,0,0,0,marketing,low -0.79,0.92,4,208,2,1,0,0,marketing,low -0.72,0.61,3,175,3,0,0,0,sales,high -0.97,0.74,4,209,2,0,0,0,sales,low -0.92,0.83,4,268,4,0,0,0,sales,low -0.95,0.53,3,264,3,0,0,0,sales,low -0.76,0.64,4,234,2,0,0,0,sales,high -0.24,0.62,5,199,4,0,0,0,sales,low -0.89,0.99,4,205,2,0,0,1,sales,medium -0.69,0.63,5,140,4,0,0,1,sales,high -0.92,0.98,3,257,3,0,0,1,sales,medium -0.79,0.61,4,227,2,0,0,1,sales,high -0.87,0.94,4,189,3,0,0,1,sales,medium -0.89,0.88,5,241,2,1,0,0,sales,medium -0.75,0.77,5,199,4,0,0,0,sales,medium -0.78,0.6,4,206,3,0,0,0,sales,medium -0.13,0.62,5,268,3,0,0,0,sales,medium -0.94,0.86,3,221,3,1,0,0,sales,medium -0.94,0.88,4,262,2,0,0,0,sales,medium -0.67,0.6,5,253,6,0,0,0,sales,medium -0.6,0.73,5,241,3,0,0,0,sales,high -0.62,0.94,4,252,4,0,0,0,accounting,low -0.38,0.52,2,171,3,0,0,0,accounting,medium -0.8,0.77,4,194,3,0,0,0,accounting,medium -0.61,0.42,3,104,2,0,0,0,hr,medium -0.61,0.56,4,176,3,0,0,0,hr,medium -0.66,0.8,4,192,3,0,0,0,hr,medium -0.56,0.74,3,154,2,0,0,0,hr,medium -1,0.55,4,186,4,1,0,0,technical,medium -0.73,0.86,3,200,4,0,0,0,technical,medium -0.6,0.66,4,132,4,0,0,0,technical,medium -0.78,0.59,5,236,3,0,0,0,technical,high -0.48,0.53,3,211,4,0,0,0,technical,low -0.9,0.77,4,273,2,0,0,0,technical,low -0.16,0.76,4,223,4,0,0,0,technical,low -0.5,0.75,3,204,2,0,0,0,technical,high -0.66,0.65,3,196,3,1,0,0,technical,low -0.44,0.37,2,219,2,0,0,0,technical,low -0.95,0.67,4,261,3,0,0,0,technical,low -0.9,0.65,3,254,2,0,0,0,support,high -0.27,0.48,4,185,2,0,0,0,support,low -0.51,0.74,6,98,3,0,0,0,support,low -0.68,0.76,3,260,4,0,0,0,support,low -0.97,0.93,5,137,2,1,0,0,support,low -0.91,0.75,4,159,3,1,0,0,support,low -0.76,0.88,5,265,4,0,0,0,support,low -0.88,0.61,4,177,4,1,0,0,support,low -0.83,0.73,4,247,2,0,0,0,support,medium -0.78,0.54,3,161,3,0,0,0,support,medium -0.52,0.38,2,103,3,0,0,0,support,medium -0.63,0.49,4,151,3,0,0,0,technical,medium -0.9,0.74,3,193,3,0,0,0,technical,medium -0.48,0.58,3,194,3,0,0,0,technical,medium -0.7,0.6,5,208,3,0,0,0,management,medium -0.68,0.66,4,229,3,0,0,0,IT,medium -0.7,0.87,3,166,2,0,0,0,IT,medium -0.77,0.5,3,141,3,0,0,0,IT,medium -0.73,0.93,3,249,2,0,0,0,IT,medium -0.87,0.48,4,264,3,0,0,0,IT,medium -0.65,0.98,3,252,2,0,0,0,product_mng,high -0.62,0.7,2,134,3,0,0,0,product_mng,low -0.53,0.51,3,274,2,1,0,0,product_mng,medium -0.59,0.39,5,200,4,0,0,0,product_mng,medium -0.87,0.72,2,154,3,0,0,0,IT,medium -0.47,0.53,3,111,4,0,0,0,RandD,medium -0.96,0.81,3,247,3,0,0,0,RandD,low -0.79,0.74,3,169,3,0,0,0,RandD,low -0.84,0.6,3,250,3,1,0,0,RandD,low -0.68,0.49,3,178,3,1,0,0,RandD,low -0.86,0.66,4,251,3,0,0,0,RandD,low -0.73,0.98,5,272,2,0,0,0,marketing,low -0.9,0.67,2,229,4,0,0,0,sales,low -0.63,0.64,3,180,3,0,0,0,accounting,low -0.71,0.72,3,271,2,0,0,0,support,low -0.71,0.68,5,226,3,0,0,0,technical,low -0.95,0.62,4,150,2,0,0,0,management,low -0.51,0.86,4,260,3,1,0,0,marketing,low -0.77,0.91,4,161,3,0,0,0,marketing,low -0.48,0.51,3,136,3,0,0,0,marketing,low -0.93,0.91,2,238,2,1,0,0,sales,low -0.83,0.86,4,98,4,0,0,0,sales,low -0.61,0.73,5,156,4,0,0,0,sales,low -0.97,0.89,4,248,2,0,0,0,sales,low -0.5,0.81,3,170,2,0,0,0,sales,low -0.84,0.54,3,245,3,0,0,0,sales,low -0.58,0.38,4,203,5,0,0,0,sales,low -0.59,0.72,3,182,3,0,0,0,sales,medium -0.77,0.83,3,175,3,0,0,1,sales,medium -0.78,0.4,4,145,5,1,0,1,sales,medium -0.6,0.96,4,220,3,1,0,1,sales,medium -0.53,0.77,4,259,2,1,0,1,sales,medium -0.73,0.69,3,228,2,0,0,1,sales,medium -0.76,0.94,3,189,3,0,0,0,sales,medium -0.12,0.61,6,257,3,0,0,0,sales,medium -0.2,0.98,3,180,6,0,0,0,sales,medium -0.5,0.77,4,180,3,0,0,0,sales,medium -0.79,0.65,5,215,2,1,0,0,sales,medium -0.96,0.68,3,132,2,0,0,0,sales,medium -0.26,0.69,5,213,2,0,0,0,accounting,high -0.8,0.72,4,173,3,0,0,0,accounting,low -0.43,0.71,3,186,2,0,0,0,accounting,medium -0.87,0.71,4,157,2,0,0,0,hr,medium -0.63,0.75,4,175,4,0,0,0,hr,medium -0.58,0.48,3,135,3,1,0,0,hr,medium -0.2,0.42,4,256,5,0,0,0,hr,low -0.62,0.71,4,268,3,0,0,0,technical,low -0.91,0.94,5,159,3,0,0,0,technical,low -0.66,0.91,3,191,4,0,0,0,technical,low -0.53,0.81,3,275,2,0,0,0,technical,low -0.52,0.98,5,217,2,1,0,0,technical,low -1,0.88,6,201,4,0,0,0,technical,low -0.73,0.67,4,205,3,0,0,0,technical,low -0.65,0.67,3,240,2,1,0,0,technical,low -0.5,0.95,5,137,3,0,0,0,technical,low -0.94,0.59,4,241,2,0,0,0,technical,low -0.48,0.86,5,198,4,0,0,0,technical,low -0.67,0.87,5,254,2,0,0,0,support,low -0.73,0.94,4,262,3,0,0,0,support,low -0.63,0.71,4,244,2,0,0,0,support,low -0.84,0.84,4,266,3,0,0,0,support,low -0.2,0.94,6,191,5,0,0,0,support,low -0.76,0.57,3,148,3,1,0,0,support,low -0.55,0.54,3,233,2,0,0,0,support,low -0.8,0.55,4,178,2,1,0,0,support,low -0.64,0.91,3,165,3,1,0,0,support,low -0.59,0.97,5,179,6,0,0,0,support,medium -0.92,0.98,3,149,3,0,0,0,support,medium -0.75,0.76,3,269,2,1,0,0,technical,medium -0.69,0.74,5,227,2,0,0,0,technical,medium -0.82,0.93,3,247,3,0,0,0,technical,medium -0.88,0.85,3,220,3,0,0,0,management,medium -0.89,0.91,3,233,2,0,0,0,IT,medium -1,0.79,5,171,5,0,0,0,IT,medium -0.66,0.91,4,234,2,1,0,0,IT,medium -0.76,0.92,3,176,2,0,0,0,IT,medium -0.8,0.62,5,190,4,1,0,0,IT,medium -0.58,0.86,4,168,2,0,0,0,product_mng,medium -0.73,0.93,3,205,3,0,0,0,product_mng,high -1,0.73,5,189,3,1,0,0,product_mng,low -0.18,0.9,4,282,4,0,0,0,product_mng,medium -0.47,0.46,2,152,2,0,0,0,IT,medium -0.92,0.64,4,217,4,0,0,0,RandD,medium -0.51,0.5,4,130,3,0,0,0,RandD,medium -0.81,0.62,4,153,4,0,0,0,RandD,low -0.52,0.57,3,270,3,0,0,0,RandD,low -0.95,0.96,3,220,3,0,0,0,RandD,low -0.93,0.64,4,253,3,0,0,0,RandD,low -0.98,0.67,4,209,6,0,0,0,marketing,low -0.79,0.79,4,231,2,0,0,0,sales,low -0.99,0.73,4,240,4,0,0,0,accounting,low -0.64,0.9,5,266,3,0,0,0,support,low -0.54,0.44,3,153,2,0,0,0,technical,low -0.79,0.59,4,187,2,0,0,0,management,low -0.55,0.98,4,185,2,1,0,0,marketing,low -0.18,0.81,4,147,4,0,0,0,marketing,low -0.56,0.81,4,188,3,1,0,0,marketing,low -0.92,0.67,2,252,2,0,0,0,sales,low -0.99,0.75,4,163,2,0,0,0,sales,low -0.77,0.85,4,189,2,0,0,0,sales,low -0.49,0.52,3,156,2,0,0,0,sales,low -0.98,0.58,3,183,3,0,0,0,sales,low -0.18,0.54,6,209,5,1,0,0,sales,low -0.8,0.82,4,271,4,0,0,0,sales,low -0.81,0.77,5,251,2,0,0,0,sales,low -0.13,0.61,5,198,5,0,0,0,sales,medium -0.58,0.97,3,274,4,1,0,1,sales,medium -0.75,0.63,4,209,3,0,0,1,sales,medium -0.8,0.94,4,271,4,0,0,1,sales,medium -0.78,0.6,4,143,2,0,0,1,sales,medium -0.92,0.6,5,236,3,1,0,1,sales,medium -0.85,0.98,5,222,3,0,0,1,sales,medium -0.52,0.63,3,233,3,0,0,1,sales,medium -0.95,0.84,3,270,3,1,0,1,sales,medium -0.81,0.92,5,258,3,0,0,1,sales,medium -0.16,0.82,6,202,4,1,0,1,sales,medium -0.91,0.74,3,150,2,0,0,0,accounting,medium -0.62,0.51,4,193,3,0,0,0,accounting,high -0.24,0.42,5,210,5,0,0,0,accounting,low -0.88,0.51,3,208,3,0,0,0,hr,medium -0.94,0.73,3,196,3,0,0,0,hr,medium -0.76,0.79,5,187,4,0,0,0,hr,medium -0.49,0.67,3,140,2,0,0,0,hr,medium -0.93,0.9,4,256,4,0,0,0,technical,low -0.92,0.66,4,113,3,0,0,0,technical,low -0.19,0.94,4,196,5,0,0,0,technical,low -0.66,0.76,3,170,3,0,0,0,technical,low -0.16,0.94,4,261,6,0,0,0,technical,low -0.83,0.99,5,132,3,0,0,0,technical,low -0.69,0.53,3,153,3,0,0,0,technical,low -0.82,0.53,3,147,3,1,0,0,technical,low -0.88,0.72,5,244,2,0,0,0,technical,low -0.31,0.42,4,108,4,0,0,0,technical,low -0.83,0.49,4,218,2,0,0,0,technical,low -0.94,0.52,5,133,3,0,0,0,support,low -0.65,0.79,5,233,3,0,0,0,support,low -0.6,0.6,4,147,3,0,0,0,support,low -0.52,0.43,3,176,3,0,0,0,support,low -0.66,0.89,4,169,4,0,0,0,support,low -0.87,0.87,4,144,3,0,0,0,support,low -0.2,0.99,5,151,3,1,0,0,support,low -0.63,0.91,4,252,3,1,0,0,support,medium -0.69,0.98,4,180,3,0,0,0,support,medium -0.48,0.61,3,251,3,0,0,0,support,medium -0.8,0.8,4,263,4,0,0,0,support,medium -0.89,0.74,5,260,6,0,0,0,technical,medium -0.67,0.63,3,227,3,0,0,0,technical,medium -0.37,0.86,6,260,3,0,0,0,technical,medium -0.93,0.61,5,158,3,0,0,0,management,medium -0.69,0.52,3,186,3,0,0,0,IT,medium -0.16,0.61,4,171,6,0,0,0,IT,medium -0.81,0.55,3,199,2,1,0,0,IT,medium -0.97,0.63,5,258,2,0,0,0,IT,medium -0.77,0.59,4,273,2,0,0,0,IT,high -0.75,0.78,2,259,3,0,0,0,product_mng,low -0.88,0.82,3,265,3,0,0,0,product_mng,medium -0.43,0.51,5,168,4,0,0,0,product_mng,medium -0.99,0.99,4,163,4,0,0,0,product_mng,medium -0.59,0.65,5,265,3,0,0,0,IT,medium -0.89,0.71,4,190,3,0,0,0,RandD,low -0.54,0.73,3,157,3,0,0,0,RandD,low -0.32,0.86,4,266,4,0,0,0,RandD,low -0.17,0.55,6,240,6,0,0,0,RandD,low -0.78,0.55,3,143,3,0,0,0,RandD,low -0.73,0.68,3,121,5,0,0,0,RandD,low -0.65,0.76,2,170,5,0,0,0,IT,low -0.8,0.71,4,161,4,0,0,0,IT,low -0.61,0.86,3,239,3,0,0,0,IT,low -0.67,0.49,3,224,3,0,0,0,IT,low -0.63,0.57,3,242,3,0,0,0,product_mng,low -0.51,0.58,4,140,2,1,0,0,product_mng,low -0.82,0.59,5,170,3,0,0,0,product_mng,low -0.79,0.67,5,156,2,0,0,0,product_mng,low -0.49,0.6,2,113,5,0,0,0,IT,low -0.7,0.59,3,138,3,0,0,0,RandD,low -0.13,0.5,3,137,5,0,0,0,RandD,low -0.83,0.52,5,217,3,0,0,0,RandD,low -0.83,0.91,3,155,3,0,0,0,RandD,low -0.19,0.83,5,280,4,0,0,0,RandD,low -0.8,0.81,5,248,2,1,0,0,RandD,low -0.49,0.67,2,190,8,0,0,0,marketing,medium -0.92,0.99,3,176,8,0,0,0,sales,medium -0.81,0.55,4,217,8,0,0,0,accounting,medium -0.62,0.91,3,269,8,0,0,0,support,medium -0.21,0.7,3,238,8,0,0,0,technical,medium -0.95,0.74,5,243,6,0,0,0,management,medium -0.51,0.8,4,198,6,0,0,0,marketing,medium -0.52,0.89,3,188,6,0,0,0,marketing,medium -0.64,0.56,3,257,6,0,0,0,marketing,medium -0.62,0.79,4,268,6,0,0,0,sales,medium -0.73,0.88,5,233,4,1,0,0,sales,medium -0.32,0.86,4,214,5,0,0,0,sales,medium -0.78,0.96,2,285,3,0,0,0,sales,high -0.65,0.91,4,224,2,1,0,0,sales,low -0.56,0.92,4,224,3,0,0,0,sales,medium -0.96,0.89,3,142,4,0,0,0,sales,medium -0.79,0.82,4,220,3,0,0,0,sales,medium -0.66,0.58,4,244,3,0,0,0,sales,medium -0.67,0.68,4,171,3,0,0,0,sales,low -0.86,0.82,4,274,2,1,0,0,sales,low -0.57,0.72,4,214,2,1,0,0,sales,low -0.86,0.87,5,171,2,0,0,0,sales,low -0.52,0.59,5,150,2,0,0,0,sales,low -0.73,0.61,4,260,2,1,0,0,sales,low -0.78,0.63,5,259,3,0,0,0,sales,low -0.95,0.63,3,153,2,0,0,0,sales,low -0.75,0.61,3,263,3,0,0,0,sales,low -0.83,0.52,2,149,2,1,0,0,sales,low -0.48,1,4,261,3,0,0,0,accounting,low -0.3,0.58,2,189,4,1,0,0,accounting,low -0.72,0.85,5,237,4,0,0,0,accounting,low -0.61,0.52,3,224,3,0,0,0,hr,low -0.31,0.87,6,240,3,1,0,0,hr,low -0.62,0.81,3,245,2,1,0,0,hr,low -0.48,0.49,3,268,3,0,0,0,hr,low -0.97,0.89,4,208,2,1,0,0,technical,low -0.61,0.83,4,153,2,0,0,0,technical,low -0.93,0.99,3,169,3,0,0,0,technical,low -0.89,0.39,5,218,2,0,0,0,technical,low -0.95,0.9,3,155,3,0,0,0,technical,medium -0.36,0.44,5,155,3,0,0,0,technical,medium -0.29,0.39,6,105,6,0,0,0,technical,medium -0.65,0.83,4,251,2,0,0,0,technical,medium -0.72,0.54,4,219,2,0,0,0,technical,medium -0.51,0.56,4,198,2,1,0,0,technical,medium -0.54,0.53,4,158,2,0,0,0,technical,medium -0.66,0.58,3,157,2,0,0,0,support,medium -0.59,0.54,4,178,2,0,0,0,support,medium -0.45,0.48,3,145,2,0,0,0,support,medium -0.15,0.91,5,230,3,0,0,0,support,medium -0.95,0.53,3,174,3,0,0,0,support,medium -0.49,0.59,5,140,3,0,0,0,support,high -0.68,0.97,3,174,2,0,0,0,support,low -0.7,0.76,4,173,2,0,0,0,support,medium -0.9,0.73,2,203,4,0,0,0,support,medium -0.94,0.95,5,170,3,0,0,0,support,medium -0.8,0.86,3,203,3,0,0,0,support,medium -0.59,0.53,5,169,3,0,0,0,technical,low -0.43,0.96,3,109,6,0,0,0,technical,low -0.7,0.54,5,263,3,0,0,0,technical,low -0.51,0.62,4,185,3,0,0,0,management,low -0.12,0.49,4,191,5,0,0,0,IT,low -0.14,0.56,5,259,4,1,0,0,IT,low -0.86,0.91,4,253,3,0,0,0,IT,low -0.97,0.5,3,216,3,0,0,0,IT,low -1,0.86,2,264,3,0,0,0,IT,medium -0.49,0.63,3,181,3,1,0,0,product_mng,medium -0.9,0.93,3,209,3,0,0,0,product_mng,medium -0.82,0.89,4,239,2,0,0,0,product_mng,medium -0.59,0.48,3,197,3,0,0,0,product_mng,medium -0.97,0.57,4,150,2,0,0,0,IT,medium -0.69,0.88,3,164,10,0,0,0,management,medium -0.73,0.84,3,216,8,0,0,0,management,medium -0.48,0.74,2,271,8,1,0,0,management,medium -0.94,0.49,4,176,8,0,0,0,management,medium -0.74,0.73,3,156,8,0,0,0,management,medium -0.65,0.63,4,143,8,0,0,0,management,medium -0.93,0.94,4,233,6,0,0,0,IT,medium -0.57,0.67,3,138,6,1,0,0,IT,medium -0.9,0.49,3,259,6,0,0,0,IT,medium -0.55,0.86,4,169,6,0,0,0,IT,medium -0.59,0.73,3,172,6,0,0,0,product_mng,medium -0.72,0.98,4,156,3,0,0,0,product_mng,medium -0.87,0.52,4,140,3,0,0,0,product_mng,medium -0.86,0.82,4,212,2,0,0,0,product_mng,medium -0.61,0.5,4,269,3,0,0,0,IT,medium -0.45,0.63,5,111,5,0,0,0,management,medium -0.51,0.63,4,198,2,0,0,0,management,medium -0.87,0.92,4,263,3,0,0,0,management,medium -0.29,0.38,5,191,5,0,0,0,management,medium -0.57,0.64,3,188,3,0,0,0,management,medium -0.69,0.83,4,252,3,0,0,0,management,medium -0.61,0.9,2,142,3,0,0,0,marketing,high -0.96,0.85,4,247,3,0,0,0,sales,high -0.16,0.61,6,269,2,0,0,0,accounting,high -0.96,0.82,4,244,3,0,0,0,support,high -0.77,0.81,4,164,3,0,0,0,technical,high -0.85,0.87,6,232,5,0,0,0,management,high -0.37,0.49,3,177,3,0,0,0,marketing,high -0.68,0.65,3,173,3,1,0,0,marketing,high -0.87,0.6,5,165,2,1,0,0,marketing,high -0.95,0.8,3,225,2,0,0,0,sales,high -0.84,0.63,3,121,3,1,0,0,sales,low -0.44,0.51,2,219,4,0,0,0,sales,low -0.94,0.73,4,204,2,0,0,0,sales,low -0.85,0.94,5,235,4,0,0,0,sales,low -0.75,0.51,2,215,2,1,0,0,sales,low -0.76,0.67,5,243,3,0,0,0,sales,low -0.13,0.97,4,162,6,0,0,0,sales,low -0.6,0.79,4,262,3,0,0,0,sales,low -0.45,0.55,4,206,2,0,0,0,sales,low -0.49,1,2,125,4,1,0,0,sales,low -0.19,0.36,3,167,5,0,0,0,sales,low -0.68,0.89,5,218,5,0,0,0,sales,low -0.53,0.91,5,181,3,0,0,0,sales,low -1,0.77,5,269,3,0,0,0,sales,low -0.99,0.86,3,167,2,0,0,0,sales,low -0.29,0.75,6,271,10,0,0,0,sales,medium -0.54,0.83,4,201,8,1,0,0,sales,medium -0.25,0.9,6,229,8,0,0,0,sales,medium -0.71,0.76,4,148,8,0,0,0,accounting,medium -0.96,0.84,3,147,8,0,0,0,accounting,medium -0.8,0.9,4,211,8,0,0,0,accounting,medium -0.82,0.87,5,145,6,0,0,0,hr,medium -0.19,0.97,6,269,6,0,0,0,hr,medium -0.43,0.74,4,129,6,0,0,0,hr,medium -0.62,0.84,3,270,6,0,0,0,hr,medium -0.75,0.85,3,250,6,0,0,0,technical,medium -0.56,0.48,5,192,2,1,0,0,technical,medium -0.88,0.91,4,233,4,0,0,0,technical,high -0.63,0.57,4,192,3,0,0,0,technical,high -0.75,0.93,3,247,2,0,0,0,technical,high -0.74,1,4,192,4,0,0,0,technical,high -0.55,0.68,3,178,3,1,0,0,technical,high -0.87,0.55,4,197,3,0,0,0,technical,high -0.13,0.9,5,264,6,0,0,0,technical,high -0.33,0.64,2,274,3,1,0,0,technical,high -0.89,0.97,4,147,2,0,0,0,technical,low -0.56,0.94,3,154,3,1,0,0,support,low -0.95,0.61,3,224,2,1,0,0,support,low -0.57,0.59,4,250,2,0,0,0,support,low -0.72,0.53,3,179,3,0,0,0,support,low -0.28,0.44,4,170,2,0,0,0,support,low -0.54,0.61,4,118,5,0,0,0,support,low -0.54,0.95,4,256,3,0,0,0,support,low -0.99,0.8,3,209,2,0,0,0,support,medium -0.37,0.69,2,146,3,0,0,0,support,medium -0.77,0.87,3,275,4,1,0,0,support,medium -0.7,0.88,4,180,2,0,0,0,support,medium -0.8,0.74,3,228,3,0,0,0,technical,medium -0.52,0.63,3,204,3,0,0,0,technical,medium -0.69,0.55,3,172,2,0,0,0,technical,medium -0.6,0.62,5,274,3,0,0,0,management,medium -0.74,0.64,3,136,2,0,0,0,IT,medium -0.69,0.82,4,252,3,1,0,0,IT,medium -0.78,0.89,4,137,3,0,0,0,IT,medium -0.77,0.75,4,191,3,0,0,0,IT,medium -0.91,0.68,4,132,4,0,0,0,IT,medium -0.54,0.68,6,249,5,0,0,0,product_mng,medium -0.48,0.77,6,274,6,0,0,0,product_mng,medium -0.55,0.96,3,194,3,0,0,0,product_mng,medium -0.17,0.36,6,191,2,0,0,0,product_mng,medium -0.77,0.83,5,216,4,0,0,0,IT,medium -0.93,0.98,3,241,3,0,0,0,IT,medium -0.65,0.91,4,243,5,1,0,0,IT,medium -0.67,0.52,4,207,3,0,0,0,IT,medium -0.95,0.88,3,199,3,0,0,0,IT,medium -0.61,0.97,6,286,4,0,0,0,product_mng,medium -0.57,0.39,4,132,3,0,0,0,product_mng,high -0.65,1,4,229,4,0,0,0,product_mng,low -0.85,0.81,4,260,3,0,0,0,product_mng,medium -0.61,0.96,3,214,2,0,0,0,IT,medium -0.65,0.9,6,217,4,1,0,1,RandD,medium -0.92,0.93,4,225,2,0,0,1,RandD,medium -0.37,0.41,2,113,3,0,0,1,RandD,medium -0.48,0.77,5,250,2,0,0,1,RandD,medium -0.82,0.91,5,271,2,0,0,1,RandD,medium -0.84,0.75,4,135,3,0,0,1,RandD,medium -0.57,0.46,2,100,6,1,0,1,marketing,medium -0.8,0.75,4,224,3,0,0,1,sales,medium -0.49,0.91,4,134,4,0,0,0,accounting,low -0.79,0.82,5,158,2,0,0,0,support,low -0.48,0.67,3,183,2,0,0,0,technical,low -0.28,0.89,4,97,6,0,0,0,management,low -0.47,0.56,4,226,3,0,0,0,marketing,low -0.91,0.6,4,235,4,1,0,0,marketing,low -0.75,0.6,4,186,10,1,0,0,marketing,low -0.61,0.89,3,242,10,0,0,0,sales,high -0.47,0.79,3,284,10,0,0,0,sales,low -0.22,0.7,2,274,10,0,0,0,sales,high -0.5,0.48,4,130,10,0,0,0,sales,high -0.56,0.87,3,146,10,0,0,0,sales,low -0.84,0.85,4,207,10,0,0,0,sales,low -0.69,0.72,4,210,2,1,0,0,sales,high -0.53,0.64,3,143,2,0,0,0,sales,low -0.17,0.57,4,116,3,0,0,0,sales,medium -0.48,0.71,2,162,3,1,0,0,sales,high -0.94,0.51,3,242,3,0,0,0,sales,medium -0.77,0.89,4,153,7,0,0,0,sales,medium -1,0.72,5,194,7,1,0,0,sales,medium -0.49,0.65,4,233,7,0,0,0,sales,medium -0.93,0.73,4,283,7,0,0,0,sales,high -0.38,0.43,3,188,7,0,0,0,sales,medium -0.6,0.54,4,182,6,0,0,0,sales,medium -0.5,0.82,2,286,6,0,0,0,sales,medium -0.97,0.55,5,212,6,0,0,0,sales,high -0.93,0.95,5,176,6,0,0,1,accounting,medium -0.5,1,5,264,8,0,0,1,accounting,high -0.52,0.84,3,261,8,0,0,1,accounting,low -0.5,0.71,4,163,8,0,0,1,hr,medium -0.55,0.4,3,139,8,0,0,1,hr,medium -0.95,0.84,3,261,8,1,0,1,hr,medium -0.48,0.42,2,275,6,1,0,1,hr,medium -0.51,0.39,5,132,6,1,0,1,technical,low -0.96,0.48,3,202,6,0,0,0,technical,low -0.97,0.84,4,177,6,0,0,0,technical,low -0.97,0.66,5,234,6,0,0,0,technical,low -0.71,0.54,4,188,6,0,0,0,technical,low -0.82,0.49,5,203,6,0,0,0,technical,low -0.57,1,4,227,10,0,0,0,technical,low -0.48,0.93,3,150,10,0,0,0,technical,low -0.71,0.64,3,267,3,0,0,0,technical,low -0.63,0.61,5,186,10,0,0,0,technical,low -0.99,0.84,4,142,10,0,0,0,technical,high -0.79,0.83,3,126,10,1,0,0,support,low -0.65,0.85,4,201,10,0,0,0,support,low -0.7,0.85,4,142,2,0,0,0,support,low -0.99,0.94,4,167,4,0,0,0,support,low -0.65,0.62,4,258,2,0,0,0,support,high -0.92,0.85,3,207,2,0,0,0,support,low -0.24,0.5,4,282,4,1,0,0,support,low -0.39,0.89,3,188,5,0,0,0,support,low -0.82,0.85,3,214,2,0,0,0,support,high -0.78,0.89,4,272,2,0,0,0,support,low -0.62,0.79,3,259,3,0,0,0,support,medium -0.6,0.61,5,191,2,1,0,0,technical,high -0.49,0.57,3,192,3,0,0,0,technical,medium -0.82,0.82,3,164,3,0,0,0,technical,high -0.48,0.81,4,149,2,0,0,0,management,medium -0.69,0.56,4,149,3,0,0,0,IT,medium -0.4,0.89,2,165,3,0,0,0,IT,medium -0.72,0.8,3,222,3,0,0,0,IT,medium -0.75,0.84,5,222,3,1,0,0,IT,medium -0.5,0.77,3,265,3,0,0,0,IT,medium -0.78,0.5,5,247,4,0,0,0,product_mng,medium -0.76,0.45,4,147,2,0,0,0,product_mng,medium -0.94,0.52,3,273,3,0,0,0,product_mng,high -0.24,0.94,6,144,4,0,0,0,product_mng,low -0.99,0.66,3,181,2,0,0,0,IT,medium -0.67,0.64,3,198,2,1,0,0,management,medium -0.76,0.57,5,255,4,0,0,0,management,medium -0.76,0.77,4,169,10,0,0,0,management,medium -0.55,0.64,4,201,10,1,0,0,management,medium -0.74,0.6,4,274,10,1,0,0,management,medium -0.81,0.85,4,134,10,1,0,0,management,medium -0.98,0.67,3,190,10,0,0,0,IT,medium -0.98,0.98,4,170,10,0,0,0,IT,medium -0.58,0.91,3,154,10,0,0,0,product_mng,high -0.18,0.75,3,142,2,0,0,0,product_mng,low -0.57,0.67,5,235,2,0,0,0,product_mng,low -0.7,0.62,3,110,3,0,0,0,product_mng,low -0.49,0.77,3,211,3,0,0,0,IT,high -0.7,0.56,4,214,3,0,0,1,management,medium -0.16,0.93,5,210,7,0,0,1,management,medium -0.58,0.59,3,207,7,0,0,1,management,medium -0.66,0.57,4,161,7,0,0,1,management,medium -0.51,0.55,2,102,7,0,0,1,management,medium -0.48,0.84,4,186,7,0,0,1,management,medium -0.56,0.71,3,211,6,0,0,1,marketing,low -0.81,0.62,3,240,6,0,0,1,sales,low -0.57,0.7,4,237,6,0,0,0,accounting,low -0.66,0.53,3,164,6,0,0,0,support,low -0.22,0.91,6,222,8,0,0,0,technical,low -0.96,0.71,3,205,8,1,0,0,management,medium -0.87,0.88,4,140,8,0,0,0,marketing,medium -0.61,0.42,2,103,8,0,0,0,marketing,medium -0.66,0.85,3,178,8,1,0,0,marketing,medium -0.9,0.51,4,137,6,0,0,0,sales,medium -0.64,0.67,3,143,6,0,0,0,sales,medium -0.76,0.82,4,170,6,0,0,0,sales,medium -0.97,0.41,5,135,6,0,0,0,sales,medium -0.69,0.76,3,174,6,0,0,0,sales,medium -0.98,0.55,3,166,6,1,0,0,sales,medium -0.18,0.61,5,174,6,0,0,0,sales,medium -0.62,0.91,3,251,10,0,0,0,sales,medium -0.29,0.37,6,187,10,1,0,0,sales,high -0.87,0.48,5,170,3,0,0,0,sales,low -0.91,0.64,3,241,10,0,0,0,sales,medium -0.53,0.79,3,221,10,1,0,0,sales,medium -0.69,0.73,4,257,10,1,0,0,sales,medium -0.14,0.58,4,275,10,0,0,0,sales,medium -0.7,0.77,4,245,2,0,0,0,sales,low -0.77,0.75,6,246,6,0,0,0,sales,low -0.77,0.76,6,263,6,0,0,0,sales,low -0.76,0.99,3,133,4,0,0,0,sales,low -0.66,0.49,4,157,3,0,0,0,sales,low -0.5,0.95,3,198,4,0,0,0,accounting,low -0.57,0.9,5,145,3,0,0,0,accounting,low -0.97,0.62,6,118,2,0,0,0,accounting,low -0.26,0.99,5,184,5,0,0,0,hr,low -0.72,0.62,3,243,2,1,0,0,hr,low -0.83,0.93,3,247,2,0,0,0,hr,low -0.55,0.4,3,158,3,0,0,0,hr,low -0.77,0.74,5,243,2,0,0,0,technical,low -0.24,0.63,4,203,5,0,0,0,technical,low -0.8,0.96,3,161,3,0,0,0,technical,low -0.5,0.59,4,214,3,1,0,0,technical,low -0.66,0.59,4,179,3,0,0,0,technical,low -0.66,0.77,4,188,2,0,0,0,technical,low -0.66,0.81,3,174,3,0,0,0,technical,low -0.96,0.83,3,177,4,0,0,0,technical,low -0.75,0.94,5,194,4,0,0,0,technical,low -0.78,0.77,3,244,2,0,0,0,technical,medium -0.57,0.82,4,269,2,0,0,0,technical,medium -0.78,0.68,2,159,3,1,0,0,support,medium -0.57,0.88,4,140,2,0,0,0,support,medium -0.84,0.56,5,224,2,0,0,0,support,medium -0.23,0.94,5,242,4,0,0,0,support,medium -0.53,0.37,3,180,3,0,0,0,support,medium -0.82,0.71,3,150,3,0,0,0,support,medium -0.59,0.64,5,269,3,0,0,0,support,medium -0.5,0.52,2,178,2,0,0,0,support,medium -1,0.74,2,187,3,0,0,0,support,medium -0.94,0.61,3,140,2,0,0,0,support,medium -0.86,0.61,4,193,2,0,0,0,support,high -0.73,0.49,4,243,2,0,0,0,technical,low -0.49,0.94,3,144,3,1,0,0,technical,medium -0.79,0.73,2,147,2,0,0,0,technical,medium -0.83,0.5,6,165,3,0,0,0,management,medium -0.85,0.67,3,176,2,0,0,0,IT,medium -0.65,0.37,3,170,6,0,0,0,IT,low -0.94,0.65,4,213,2,1,0,0,IT,low -0.76,0.81,4,242,2,0,0,0,IT,low -0.77,0.54,4,139,3,1,0,0,IT,low -0.77,0.91,4,239,3,1,0,0,product_mng,low -0.59,0.64,5,123,2,0,0,0,product_mng,low -0.69,0.9,3,185,4,0,0,0,product_mng,low -0.51,0.85,4,186,2,0,0,0,product_mng,low -0.8,0.67,3,178,3,0,0,0,IT,low -0.98,0.7,3,153,10,0,0,0,management,high -0.69,0.72,4,185,10,1,0,0,management,high -0.14,0.76,4,142,10,0,0,0,management,high -0.95,0.9,4,221,10,1,0,0,management,high -0.53,0.61,3,148,10,0,0,0,management,high -0.64,0.52,5,258,10,1,0,0,management,high -0.51,0.73,4,229,3,0,0,0,sales,low -0.36,0.73,2,111,2,0,0,0,sales,low -0.62,0.97,2,271,3,0,0,0,sales,low -0.98,0.58,4,133,3,0,0,0,sales,low -0.53,0.7,4,223,3,0,0,0,sales,low -0.8,0.95,4,272,2,0,0,0,sales,low -0.73,0.77,3,233,3,0,0,0,sales,medium -0.82,0.8,3,162,3,0,0,0,sales,medium -0.62,0.75,5,165,4,0,0,0,sales,medium -0.87,0.48,5,242,3,0,0,0,sales,medium -0.43,0.65,4,124,2,0,0,0,sales,medium -0.57,0.6,2,163,3,0,0,0,sales,medium -0.91,0.77,3,144,3,0,0,0,sales,medium -0.75,0.59,5,149,4,0,0,0,sales,medium -0.76,0.8,5,217,2,0,0,0,sales,medium -0.85,0.49,4,139,2,0,0,0,sales,medium -0.56,0.67,3,270,2,0,0,0,sales,medium -0.86,0.84,3,177,3,0,0,0,sales,medium -0.21,0.43,5,175,2,1,0,0,sales,high -0.94,0.59,3,151,2,0,0,0,sales,low -0.98,0.74,3,185,3,0,0,0,sales,medium -0.42,0.45,3,227,3,0,0,0,sales,medium -0.98,0.89,4,218,2,0,0,0,sales,medium -1,0.93,5,167,3,0,0,0,sales,medium -0.95,0.52,3,183,2,1,0,0,sales,low -0.95,0.5,4,259,3,0,0,0,sales,low -0.68,0.53,3,138,2,1,0,0,sales,low -0.64,0.38,5,122,4,0,0,0,sales,low -0.24,0.62,6,225,6,0,0,0,sales,low -0.37,0.72,3,121,2,0,0,0,sales,low -0.67,0.4,4,274,3,0,0,0,sales,low -0.86,0.89,4,153,4,0,0,0,sales,low -0.43,0.38,3,119,2,0,0,0,sales,low -0.67,0.67,4,141,2,1,0,0,sales,low -0.92,0.6,4,161,3,0,0,0,IT,low -0.43,0.46,2,186,2,0,0,0,product_mng,low -0.52,0.8,3,252,4,0,0,0,product_mng,low -0.16,0.42,3,182,3,1,0,0,product_mng,low -0.49,0.6,4,264,2,1,0,0,product_mng,low -0.37,0.63,4,167,3,0,0,0,IT,low -0.98,0.68,5,171,3,0,0,0,management,high -0.33,0.97,5,130,4,0,0,0,management,high -0.14,0.79,5,271,4,0,0,0,management,high -0.54,0.79,5,249,3,1,0,0,management,high -0.63,0.48,4,180,4,0,0,0,management,high -0.55,0.69,4,220,3,1,0,0,management,high -0.84,0.53,3,210,4,1,0,0,marketing,medium -0.51,0.97,4,258,2,0,0,0,sales,medium -0.15,0.75,3,150,4,0,0,1,accounting,medium -0.97,0.79,5,259,3,0,0,1,support,medium -0.67,0.69,3,231,3,0,0,1,technical,medium -0.48,0.67,4,220,3,0,0,1,management,medium -0.69,0.58,4,149,3,0,0,1,marketing,medium -0.6,0.62,3,238,4,0,0,1,marketing,medium -0.82,0.71,2,209,5,0,0,1,marketing,medium -0.86,0.95,4,149,3,0,0,1,sales,medium -0.69,0.59,4,264,3,0,0,0,sales,medium -0.87,0.87,5,207,2,0,0,0,sales,high -0.17,0.78,3,239,6,0,0,0,sales,low -0.94,0.51,6,239,5,0,0,0,sales,medium -0.5,1,4,258,3,0,0,0,sales,medium -0.16,0.72,3,203,3,0,0,0,sales,medium -0.89,0.99,2,258,3,0,0,0,sales,medium -0.69,0.51,3,257,3,1,0,0,IT,low -0.5,0.51,5,134,3,0,0,0,product_mng,low -0.16,0.46,6,240,2,0,0,0,product_mng,low -0.75,0.99,2,237,5,1,0,0,product_mng,low -0.64,0.66,5,157,2,0,0,0,product_mng,low -0.78,0.43,4,275,3,0,0,0,IT,low -0.81,0.74,2,228,3,0,0,0,management,high -0.55,0.58,3,254,2,0,0,0,management,high -0.53,0.53,4,257,2,0,0,0,management,high -0.69,0.73,3,231,2,1,0,0,management,high -0.8,0.53,3,217,3,0,0,0,management,high -0.77,0.98,3,286,6,0,0,0,management,high -0.84,0.8,4,236,3,0,0,0,marketing,low -0.64,0.55,4,215,2,0,0,0,sales,low -0.78,0.57,4,157,3,0,0,0,accounting,low -0.67,0.7,3,149,3,0,0,0,support,low -0.81,0.77,3,221,2,0,0,0,technical,low -0.91,0.82,4,238,2,0,0,0,management,low -0.75,0.89,6,250,2,0,0,0,marketing,medium -0.78,0.96,3,202,4,1,0,0,marketing,medium -0.54,0.52,4,173,2,0,0,0,marketing,medium -0.77,0.71,5,250,3,1,0,0,sales,medium -0.89,0.63,4,270,3,1,0,0,sales,medium -0.16,0.98,3,232,5,0,0,0,sales,medium -0.77,0.99,4,260,3,0,0,0,sales,medium -0.69,0.48,5,232,4,0,0,0,sales,medium -0.61,0.81,4,134,3,0,0,0,sales,medium -0.59,0.81,4,189,3,0,0,0,sales,medium -0.58,0.8,4,113,3,0,0,0,IT,medium -0.88,0.67,5,264,3,0,0,0,product_mng,medium -0.51,0.63,5,260,2,0,0,0,product_mng,high -0.31,0.7,3,132,3,0,0,0,product_mng,low -0.52,0.52,4,168,3,0,0,0,product_mng,medium -0.57,0.46,3,186,3,1,0,0,IT,medium -0.5,0.77,3,267,2,0,0,0,management,high -0.74,0.63,3,180,3,0,0,0,management,high -0.74,0.77,3,211,3,0,0,0,management,high -0.82,0.51,2,268,2,0,0,0,management,high -0.74,0.71,3,206,3,0,0,0,management,high -0.2,0.59,6,113,3,0,0,0,management,high -0.63,0.48,4,179,3,0,0,0,marketing,low -0.19,0.8,6,157,6,1,0,0,sales,low -0.4,0.62,4,127,5,0,0,0,accounting,low -0.71,0.37,2,179,5,0,0,1,support,low -0.84,0.73,4,197,3,0,0,1,technical,low -0.59,0.84,4,251,4,1,0,1,management,low -0.57,0.85,4,250,3,1,0,1,marketing,low -0.81,0.61,2,176,5,0,0,1,marketing,low -0.8,0.7,4,246,3,0,0,1,marketing,low -0.49,0.66,3,155,3,0,0,1,sales,low -0.55,0.64,3,178,2,0,0,1,sales,low -0.68,0.4,3,213,5,1,0,1,sales,low -0.55,0.67,3,150,2,0,0,1,sales,low -0.59,0.62,3,166,2,0,0,0,sales,low -0.91,0.8,5,169,4,0,0,0,sales,low -0.48,0.9,4,208,3,0,0,0,sales,low -0.84,0.66,3,209,2,0,0,0,sales,low -0.73,0.54,4,167,3,0,0,0,IT,medium -0.28,0.59,6,281,3,0,0,0,product_mng,medium -0.77,0.65,3,156,4,0,0,0,product_mng,medium -0.67,0.65,3,265,3,0,0,0,product_mng,medium -0.5,0.53,3,142,3,1,0,0,product_mng,medium -0.32,0.47,3,143,4,0,0,0,IT,medium -0.57,0.78,3,134,3,0,0,0,RandD,medium -0.51,0.8,5,268,3,0,0,0,RandD,medium -0.61,0.6,3,255,2,0,0,0,RandD,medium -0.83,0.73,4,157,2,0,0,0,RandD,medium -0.87,0.97,5,151,3,0,0,0,RandD,medium -0.7,0.63,3,157,2,0,0,0,RandD,medium -0.78,0.65,3,139,3,0,0,0,marketing,high -0.71,0.53,4,196,2,1,0,0,sales,low -0.68,0.99,3,159,2,0,0,0,accounting,medium -0.75,0.53,4,224,4,1,0,0,support,medium -0.7,0.53,3,215,7,1,0,0,technical,medium -0.59,0.94,5,157,7,1,0,0,management,medium -0.64,0.87,4,157,7,0,0,0,marketing,low -0.61,0.88,5,146,7,1,0,0,marketing,low -0.77,0.49,2,286,7,0,0,0,marketing,low -0.51,0.64,3,203,3,0,0,0,sales,low -0.49,0.49,3,168,7,0,0,0,sales,low -0.77,0.75,3,170,7,0,0,0,sales,low -0.31,0.86,3,266,7,0,0,0,sales,low -0.54,0.76,3,183,3,0,0,0,sales,low -0.56,0.66,4,264,3,0,0,0,sales,low -0.65,0.77,4,205,3,0,0,0,sales,low -0.49,0.36,2,192,3,0,0,0,sales,low -0.82,0.79,3,176,3,0,0,0,technical,low -0.6,0.52,3,183,2,0,0,0,support,low -0.64,0.63,3,156,6,1,0,0,support,low -0.7,0.68,3,150,3,0,0,0,support,low -0.65,0.89,4,204,8,1,0,0,support,low -0.69,0.78,5,131,8,0,0,0,support,low -0.93,0.74,5,248,8,1,0,0,support,low -0.55,0.52,4,168,8,0,0,0,support,low -0.75,0.87,4,146,8,1,0,0,support,low -0.47,0.43,4,246,3,0,0,0,support,low -0.72,0.88,5,216,10,1,0,0,support,medium -0.59,0.92,3,203,10,0,0,0,support,medium -0.98,0.49,3,199,10,0,0,0,technical,medium -0.39,0.52,2,102,8,0,0,0,technical,medium -0.93,0.87,4,139,8,0,0,0,technical,medium -0.71,0.97,5,208,8,1,0,0,management,medium -0.49,0.54,4,215,4,0,0,0,IT,medium -0.63,0.93,4,233,3,0,0,0,IT,medium -0.45,0.64,3,169,10,0,0,0,IT,medium -0.77,0.64,3,190,10,1,0,0,IT,medium -0.77,0.63,4,236,7,0,0,0,IT,medium -0.5,0.92,4,266,7,0,0,0,product_mng,medium -0.45,0.42,4,156,7,0,0,0,product_mng,high -0.81,0.47,4,153,7,0,0,0,product_mng,low -0.83,0.67,3,175,3,0,0,0,product_mng,medium -0.47,0.76,6,174,10,0,0,0,IT,medium -0.25,0.89,4,154,10,0,0,0,management,high -0.89,0.55,5,251,10,0,0,0,management,high -0.97,0.57,3,164,10,0,0,0,management,high -0.6,0.65,2,225,10,0,0,0,management,high -0.67,0.72,2,134,10,0,0,0,management,high -0.89,0.77,3,144,3,0,0,0,management,high -0.6,0.91,5,211,3,0,0,0,sales,low -0.64,0.79,4,139,3,0,0,0,sales,low -0.57,0.66,3,268,3,0,0,0,sales,low -0.56,0.98,5,171,3,1,0,0,sales,low -0.6,0.9,4,260,2,0,0,0,sales,medium -0.17,0.66,6,224,3,0,0,0,sales,medium -0.74,0.49,4,233,3,0,0,0,sales,medium -0.44,0.41,3,125,7,0,0,0,sales,medium -0.51,0.89,4,233,7,0,0,0,sales,medium -0.86,0.57,3,162,7,0,0,0,sales,medium -0.96,0.48,4,198,7,0,0,0,sales,medium -0.87,0.82,4,198,7,0,0,0,sales,medium -0.58,0.79,3,243,3,1,0,0,sales,medium -0.24,0.56,4,281,7,0,0,0,sales,medium -0.42,0.8,4,259,7,1,0,0,sales,medium -0.65,0.94,4,184,7,0,0,0,sales,medium -0.73,0.92,6,189,3,1,0,0,sales,medium -0.63,0.6,4,258,3,0,0,0,sales,medium -0.95,0.48,4,225,3,0,0,0,sales,medium -0.52,0.83,5,145,3,0,0,0,sales,medium -0.96,0.55,3,164,3,0,0,0,sales,medium -0.66,0.51,4,254,2,0,0,0,sales,medium -0.98,0.44,4,154,6,1,0,0,sales,medium -0.56,0.79,5,248,3,0,0,0,sales,medium -0.97,0.54,3,154,8,1,0,0,sales,medium -0.72,0.92,3,242,8,0,0,0,sales,medium -0.74,0.78,4,194,8,0,0,0,sales,medium -0.2,0.6,5,261,8,0,0,0,sales,medium -0.73,0.56,3,245,8,0,0,0,sales,medium -0.76,0.79,3,247,3,0,0,0,sales,low -0.65,0.54,4,147,10,0,0,0,sales,low -0.66,0.5,3,139,10,1,0,0,sales,low -0.96,0.97,6,137,10,0,0,0,sales,low -0.57,0.55,4,177,8,0,0,0,sales,low -0.61,0.82,4,184,8,0,0,0,IT,low -0.57,0.69,3,212,8,0,0,0,product_mng,low -0.59,0.47,3,159,4,0,0,0,product_mng,low -0.92,0.68,4,178,3,0,0,0,product_mng,low -0.79,0.56,3,149,10,0,0,0,product_mng,low -0.95,0.66,4,223,10,0,0,0,IT,low -0.24,0.81,6,263,7,0,0,0,management,high -0.49,0.52,4,161,7,0,0,0,management,high -0.49,0.68,3,192,7,0,0,0,management,high -0.97,0.51,5,215,7,0,0,0,management,high -0.55,0.78,4,261,3,0,0,0,management,high -0.76,0.56,5,222,10,0,0,0,management,high -0.53,0.99,3,223,10,0,0,0,marketing,low -0.51,0.86,3,182,10,0,0,0,sales,low -0.57,0.93,2,204,10,0,0,0,accounting,low -0.58,0.91,3,195,10,0,0,0,support,low -0.6,0.98,4,146,10,0,0,0,technical,low -0.65,0.74,4,233,4,1,0,0,management,low -0.91,0.75,2,147,3,0,0,0,marketing,low -0.65,0.55,3,156,5,0,0,0,marketing,low -0.18,0.49,3,240,2,1,0,0,marketing,low -0.66,0.9,4,177,7,0,0,0,sales,low -0.78,0.8,3,135,7,0,0,0,sales,medium -0.82,0.65,5,178,7,1,0,0,sales,medium -0.54,0.64,3,190,7,0,0,0,sales,medium -0.95,0.84,3,240,7,0,0,0,sales,medium -0.65,0.85,4,172,3,0,0,0,sales,medium -0.83,0.55,3,271,7,0,0,0,sales,medium -0.15,0.6,5,188,7,0,0,0,sales,medium -0.59,0.59,4,197,7,0,0,0,IT,medium -0.99,0.94,5,151,3,0,0,0,product_mng,medium -0.76,0.72,3,263,3,0,0,0,product_mng,medium -0.64,0.67,2,223,3,0,0,0,product_mng,medium -0.95,0.75,4,151,3,0,0,0,product_mng,medium -0.53,0.66,3,191,3,0,0,0,IT,high -0.59,0.5,2,162,2,0,0,0,management,high -0.69,0.86,5,195,6,0,0,0,management,high -0.5,0.49,4,222,3,0,0,0,management,high -0.89,0.96,3,179,8,0,0,0,management,high -0.56,0.39,3,106,8,0,0,0,management,high -0.77,0.68,3,214,8,1,0,0,management,high -0.15,0.75,3,259,8,1,0,0,marketing,high -0.88,0.58,3,145,8,0,0,0,sales,low -0.89,0.86,4,153,3,0,0,0,accounting,low -0.65,0.52,2,117,10,1,0,0,support,low -0.58,0.99,3,207,10,0,0,0,technical,low -0.56,0.85,3,265,10,1,0,0,management,low -0.25,0.72,5,279,8,0,0,0,marketing,low -0.87,0.89,4,225,8,0,0,0,marketing,low -0.62,0.4,3,158,8,1,0,0,marketing,low -0.72,0.75,4,211,4,0,0,0,sales,medium -0.49,0.94,4,175,3,0,0,0,sales,medium -0.57,0.91,4,224,10,0,0,0,sales,medium -0.63,0.65,3,190,10,0,0,0,sales,medium -0.91,0.63,5,240,7,0,0,0,sales,medium -0.7,0.68,5,225,7,0,0,0,sales,medium -0.66,0.95,5,192,7,0,0,0,sales,medium -0.77,0.48,5,262,7,0,0,0,IT,medium -0.68,0.97,3,250,3,1,0,0,product_mng,medium -0.34,0.46,3,155,10,0,0,0,product_mng,medium -0.97,0.64,4,238,10,1,0,0,product_mng,medium -0.57,0.75,4,249,10,0,0,0,product_mng,medium -0.66,0.65,3,272,10,0,0,0,IT,medium -0.68,0.67,4,162,10,0,0,0,management,high -0.49,0.78,4,254,10,0,0,0,management,high -0.72,0.66,4,184,3,0,0,0,management,high -0.77,0.89,4,269,10,0,0,0,management,high -0.77,0.73,3,201,10,0,0,0,management,high -0.59,0.73,4,247,10,0,0,0,management,high -0.41,0.67,6,221,10,0,0,0,marketing,medium -0.94,0.64,5,247,10,0,0,0,sales,medium -0.91,0.61,4,135,10,0,0,0,accounting,medium -0.7,0.84,3,260,4,1,0,0,support,medium -0.51,0.52,3,188,3,0,0,0,technical,high -0.22,0.7,4,159,5,0,0,0,management,low -0.69,0.65,3,153,2,0,0,0,marketing,medium -0.2,0.68,5,167,7,0,0,0,marketing,medium -0.9,0.85,3,158,7,0,0,0,marketing,medium -0.76,0.85,3,180,7,0,0,0,sales,medium -0.88,0.51,3,211,7,0,0,0,sales,medium -0.31,0.63,4,104,7,1,0,0,sales,medium -0.17,0.66,6,174,3,0,0,0,sales,medium -0.91,0.77,3,195,7,0,0,0,sales,medium -0.97,0.38,5,211,7,1,0,0,sales,medium -0.61,0.77,5,232,7,0,0,0,sales,medium -0.74,0.67,5,216,3,0,0,0,sales,low -0.65,0.82,5,265,3,0,0,0,IT,low -0.87,0.73,5,184,3,0,0,0,product_mng,low -0.56,0.71,5,244,3,0,0,0,product_mng,low -0.78,0.69,4,202,3,0,0,0,product_mng,low -0.73,0.57,3,146,2,0,0,0,product_mng,low -0.66,0.78,4,161,6,0,0,0,IT,low -0.15,0.81,5,280,3,1,0,0,RandD,high -0.52,0.69,5,208,8,1,0,0,RandD,low -0.44,0.66,6,134,8,0,0,0,RandD,high -0.7,0.7,3,162,8,0,0,0,RandD,high -0.63,0.52,5,209,8,1,0,0,RandD,low -0.89,0.59,3,265,8,0,0,0,RandD,low -0.96,0.85,4,173,3,0,0,0,marketing,high -0.98,0.99,4,261,10,1,0,0,sales,low -0.62,0.82,3,204,10,0,0,0,accounting,medium -0.62,0.73,3,144,10,1,0,0,support,high -0.69,0.43,5,113,8,0,0,0,technical,medium -0.5,0.91,4,144,8,0,0,0,management,medium -0.71,0.93,5,140,8,0,0,0,marketing,medium -0.5,0.68,3,245,4,0,0,0,marketing,medium -0.93,0.6,3,188,3,0,0,0,marketing,high -0.95,0.77,5,199,10,1,0,0,sales,medium -0.17,0.61,6,154,10,1,0,0,sales,medium -0.92,0.68,4,138,7,0,0,0,sales,medium -0.64,0.48,3,147,7,0,0,0,sales,high -0.27,0.42,6,173,7,0,0,0,sales,medium -0.66,0.87,3,223,7,0,0,0,sales,high -0.59,0.69,3,200,3,0,0,0,sales,low -0.93,0.98,4,189,10,0,0,0,sales,medium -0.58,0.67,5,133,10,0,0,0,technical,medium -0.96,0.6,3,160,10,0,0,0,support,medium -0.69,0.85,3,153,10,0,0,0,support,medium -0.41,0.38,4,142,10,1,0,0,support,low -0.36,0.41,3,167,10,0,0,0,support,low -0.71,0.78,4,227,2,0,0,0,support,low -0.94,0.9,4,144,4,0,0,0,support,low -0.51,0.76,4,140,3,0,0,0,support,low -0.83,0.48,4,220,3,1,0,0,support,low -0.22,0.62,3,180,3,0,0,0,support,low -0.66,0.89,4,173,4,0,0,0,support,low -0.14,0.58,3,179,5,0,0,0,support,low -0.16,0.96,5,137,5,1,0,0,technical,low -0.81,0.78,3,165,3,0,0,0,technical,high -0.73,0.94,3,177,3,0,0,0,technical,low -0.7,0.58,5,168,3,0,0,0,management,low -0.62,0.73,3,245,4,0,0,0,IT,low -0.5,0.83,5,258,2,0,0,0,IT,low -0.7,0.88,3,159,2,0,0,0,IT,high -0.53,0.73,3,163,3,1,0,0,IT,low -0.87,0.9,3,174,2,0,0,0,IT,low -0.59,0.6,3,214,2,1,0,0,product_mng,low -0.94,0.67,4,191,3,1,0,0,product_mng,high -0.2,0.53,5,272,5,0,0,0,product_mng,low -0.42,0.44,3,183,2,0,0,0,product_mng,medium -0.43,0.66,4,135,2,0,0,0,IT,high -0.43,0.76,6,154,2,0,0,0,management,high -0.77,0.86,5,238,3,0,0,0,management,high -0.76,0.98,2,235,3,0,0,0,management,high -0.82,0.9,3,215,4,0,0,0,management,high -0.75,0.66,5,234,2,0,0,0,management,high -0.63,0.98,4,187,3,0,0,0,management,high -0.51,0.75,3,133,3,0,0,0,sales,medium -0.23,0.7,3,123,5,0,0,0,sales,medium -0.77,0.58,4,202,3,0,0,0,sales,medium -0.54,0.63,4,140,3,0,0,0,sales,medium -0.63,0.85,4,182,3,1,0,0,sales,high -0.55,0.45,3,179,2,1,0,0,sales,low -0.31,0.63,3,150,3,1,0,0,sales,medium -0.98,0.74,4,151,3,0,0,0,sales,medium -0.16,0.95,6,117,7,0,0,0,sales,medium -0.54,0.78,3,156,7,0,0,0,sales,medium -0.73,0.48,3,211,7,0,0,0,sales,medium -0.16,0.63,6,286,7,0,0,1,sales,medium -0.57,0.82,5,233,7,0,0,1,sales,medium -0.88,0.88,4,222,3,1,0,1,sales,medium -0.95,0.81,4,258,7,0,0,1,sales,medium -0.93,0.7,5,231,7,0,0,1,sales,high -0.91,0.58,3,220,7,0,0,1,sales,low -0.77,0.82,4,134,3,0,0,1,sales,low -0.24,0.94,6,141,3,1,0,0,sales,low -0.74,0.74,5,160,3,1,0,0,sales,high -0.53,0.59,4,259,3,0,0,0,sales,low -0.89,0.77,5,232,3,0,0,0,sales,low -0.23,0.77,5,272,2,0,0,0,sales,low -0.69,0.66,3,215,6,0,0,0,sales,high -0.52,0.72,4,222,3,0,0,0,sales,low -0.9,0.58,3,244,8,0,0,0,sales,low -0.92,0.63,5,224,8,1,0,0,sales,low -0.72,0.59,5,200,8,1,0,0,sales,low -0.92,0.61,4,143,8,0,0,0,sales,low -0.79,0.86,5,238,8,0,0,0,sales,low -0.48,0.89,4,145,3,0,0,0,sales,low -0.27,0.76,4,108,10,0,0,0,sales,medium -0.67,0.49,3,247,10,0,0,0,sales,medium -0.48,0.7,3,213,10,0,0,0,sales,medium -0.99,0.6,4,209,8,1,0,0,IT,medium -0.49,0.88,4,240,8,0,0,0,product_mng,medium -0.39,0.45,3,100,8,1,0,0,product_mng,medium -0.99,0.92,4,265,4,1,0,0,product_mng,medium -0.78,0.57,3,209,3,0,0,0,product_mng,medium -0.5,0.73,3,154,10,0,0,0,IT,medium -0.61,0.79,5,230,10,0,0,0,management,high -0.88,0.6,4,208,7,0,0,1,management,high -0.44,0.44,2,141,7,1,0,1,management,high -0.73,0.78,3,262,7,1,0,1,management,high -0.58,0.84,4,206,7,0,0,1,management,high -0.74,0.98,3,166,3,1,0,1,management,high -0.32,0.48,4,117,10,0,0,1,marketing,medium -0.88,0.83,4,273,10,0,0,0,sales,medium -0.81,0.9,4,270,10,0,0,0,accounting,medium -0.59,0.92,3,138,10,0,0,0,support,low -0.79,0.65,3,235,10,0,0,0,technical,low -0.92,0.64,4,190,10,1,0,0,management,low -0.76,0.85,3,192,3,0,0,0,marketing,low -0.91,0.65,5,214,3,1,0,0,marketing,low -0.8,0.84,4,242,2,1,0,0,marketing,low -0.73,0.72,4,233,2,0,0,0,sales,low -0.88,0.53,3,218,4,0,0,0,sales,low -0.65,0.4,5,125,4,0,0,0,sales,low -0.84,0.5,4,178,2,0,0,0,sales,low -0.93,0.5,5,272,3,0,0,0,sales,low -0.64,0.6,3,265,4,0,0,0,sales,low -0.66,0.72,4,271,3,0,0,0,sales,low -0.76,0.56,3,179,3,1,0,0,sales,low -0.34,0.72,3,118,4,0,0,0,IT,low -0.48,0.8,4,196,5,0,0,0,product_mng,low -0.79,0.61,4,173,2,0,0,0,product_mng,low -0.82,0.67,4,156,3,0,0,0,product_mng,low -0.51,0.71,2,180,3,0,0,0,product_mng,low -0.84,0.78,4,263,3,0,0,0,IT,low -0.66,0.79,5,134,3,0,0,0,management,high -0.72,0.88,3,189,3,1,0,0,management,high -0.53,0.91,4,167,4,0,0,0,management,high -0.81,0.8,5,132,2,1,0,0,management,high -0.58,0.9,3,209,2,0,0,0,management,high -0.82,0.56,2,227,5,1,0,0,management,high -0.72,0.99,4,239,3,0,0,0,marketing,medium -0.9,0.54,4,172,4,0,0,0,sales,medium -0.98,0.91,3,188,4,0,0,0,accounting,medium -0.56,0.74,3,265,3,0,0,0,support,medium -0.77,0.82,3,153,3,1,0,0,technical,medium -0.61,0.89,4,242,2,0,0,0,management,medium -0.97,0.61,4,262,3,1,0,1,marketing,medium -0.64,0.55,3,246,2,0,0,1,marketing,high -0.99,0.97,4,211,2,0,0,1,marketing,low -0.61,0.42,3,145,4,0,0,1,sales,medium -0.72,0.71,4,256,3,0,0,1,sales,medium -0.67,0.91,2,245,2,1,0,1,sales,medium -0.9,0.56,3,151,3,0,0,0,sales,medium -0.9,0.73,4,245,2,0,0,0,sales,low -0.63,0.61,4,171,3,0,0,0,sales,low -0.64,0.88,3,252,2,0,0,0,sales,low -0.44,0.65,3,175,2,0,0,0,IT,low -0.64,0.94,4,210,3,0,0,0,product_mng,low -0.65,0.95,2,180,2,0,0,0,product_mng,low -0.69,0.9,5,103,5,0,0,0,product_mng,low -0.93,0.51,4,110,3,0,0,0,product_mng,low -0.73,0.9,5,184,3,0,0,0,IT,low -0.83,0.6,4,161,2,0,0,0,management,high -0.82,0.49,5,210,3,0,0,0,management,high -0.39,0.91,2,212,2,0,0,0,management,high -0.53,0.47,6,106,6,0,0,0,management,high -0.88,0.81,4,179,3,0,0,0,management,high -0.8,0.6,5,217,3,0,0,0,management,high -0.68,0.79,4,184,3,0,0,0,marketing,low -0.66,0.6,3,210,2,0,0,0,sales,low -0.61,0.61,4,246,2,0,0,0,accounting,low -0.74,0.55,4,262,3,0,0,0,support,low -0.61,0.83,4,245,3,1,0,1,technical,low -0.57,0.99,3,222,3,1,0,1,management,low -0.68,0.54,4,146,4,0,0,1,marketing,medium -0.75,0.79,4,263,3,0,0,1,marketing,medium -0.29,0.57,5,134,2,0,0,1,marketing,medium -0.81,0.81,5,250,4,0,0,1,sales,medium -0.53,0.68,4,173,3,0,0,0,sales,medium -0.42,0.96,6,173,3,0,0,0,sales,medium -0.64,0.67,4,252,3,1,0,0,sales,medium -0.63,0.5,2,230,4,0,0,0,sales,medium -0.81,0.81,4,212,2,1,0,0,sales,medium -0.71,0.66,5,187,2,0,0,0,sales,medium -0.7,0.83,5,241,2,0,0,0,sales,medium -0.53,1,3,164,4,0,0,0,IT,medium -0.16,0.93,6,218,6,1,0,0,product_mng,high -0.17,0.55,4,194,3,0,0,0,product_mng,low -0.7,0.95,3,158,2,0,0,0,product_mng,medium -0.43,0.88,2,149,4,0,0,0,product_mng,medium -0.49,0.62,4,161,2,0,0,0,IT,medium -0.5,0.9,5,226,2,0,0,0,management,high -0.57,0.59,2,111,2,0,0,0,management,high -0.68,0.75,4,258,3,0,0,0,management,high -0.62,0.61,3,266,2,0,0,0,management,high -0.69,0.75,3,253,3,0,0,0,management,high -0.63,0.7,5,160,3,0,0,0,management,high -0.76,0.62,5,230,3,1,0,0,marketing,low -0.62,0.76,5,198,3,0,0,0,sales,low -0.82,0.69,3,250,3,0,0,0,accounting,low -0.2,0.7,4,225,5,0,0,0,support,low -0.16,0.7,3,178,3,1,0,0,technical,low -0.2,0.78,4,196,3,0,0,0,management,low -0.53,0.51,4,240,2,0,0,0,marketing,low -0.71,0.63,3,204,3,0,0,0,marketing,low -0.7,0.93,3,250,3,0,0,0,marketing,low -0.92,0.94,2,224,2,0,0,0,sales,low -0.81,0.92,4,268,3,0,0,0,sales,low -0.79,0.62,5,167,3,0,0,0,sales,low -0.53,0.64,3,168,3,0,0,0,sales,low -0.51,0.56,4,168,2,0,0,0,sales,low -0.78,0.9,5,158,3,0,0,0,sales,low -0.5,0.91,3,240,3,0,0,0,sales,low -0.92,1,4,261,4,0,0,0,sales,medium -0.59,0.54,4,176,2,0,0,0,technical,medium -0.77,0.55,3,217,3,0,0,0,support,medium -0.74,0.87,5,224,2,0,0,0,support,medium -0.67,0.97,4,196,3,0,0,0,support,medium -0.56,0.59,3,223,3,0,0,0,support,medium -0.84,0.44,5,131,5,1,0,0,support,medium -0.53,0.77,2,167,2,0,0,0,support,medium -0.86,0.71,5,273,3,0,0,0,support,medium -0.77,0.68,3,98,3,0,0,0,support,medium -0.97,0.94,4,253,3,0,0,0,support,medium -0.69,0.87,5,174,3,0,0,0,support,medium -0.73,0.9,3,274,2,0,0,0,support,high -0.42,0.47,6,174,5,0,0,0,technical,low -0.4,0.47,5,173,5,0,0,0,technical,medium -0.33,0.41,2,198,4,0,0,0,technical,medium -0.68,0.66,3,238,2,0,0,0,management,medium -0.78,0.8,3,256,2,0,0,0,IT,medium -0.92,0.6,3,179,2,0,0,0,IT,low -0.66,0.66,4,273,4,1,0,0,IT,low -0.6,0.45,3,104,4,0,0,0,IT,low -0.86,0.83,4,208,3,1,0,0,IT,low -0.61,0.49,3,275,2,0,0,0,product_mng,low -0.71,0.68,3,231,2,1,0,0,product_mng,low -0.86,0.62,4,186,3,0,0,0,product_mng,low -0.96,0.59,3,241,3,0,0,0,product_mng,low -0.7,0.54,3,194,2,1,0,0,IT,low -0.38,0.49,4,196,3,0,0,1,management,high -0.39,0.75,6,185,3,0,0,1,management,high -0.49,0.4,2,148,2,1,0,1,management,high -0.78,0.62,4,150,3,0,0,1,management,high -0.74,0.79,5,121,5,0,0,1,management,high -0.82,0.76,4,266,3,0,0,1,management,high -0.6,0.42,2,109,6,0,0,0,sales,low -0.72,0.99,3,143,4,0,0,0,sales,low -0.73,0.97,3,174,3,0,0,0,sales,low -0.89,0.55,4,159,2,0,0,0,sales,medium -0.74,0.94,4,157,2,0,0,0,sales,medium -0.83,0.57,2,222,2,0,0,0,sales,medium -0.24,0.88,5,199,5,1,0,0,sales,medium -0.93,0.89,3,255,7,1,0,0,sales,medium -0.96,0.62,4,253,7,0,0,0,sales,medium -0.16,0.68,5,149,7,1,0,0,sales,medium -0.21,0.85,6,285,7,0,0,0,sales,medium -0.69,0.54,3,164,7,0,0,0,sales,medium -0.66,0.96,3,243,3,1,0,0,sales,medium -0.67,0.39,2,207,7,0,0,0,sales,medium -0.85,0.58,4,186,7,0,0,0,sales,medium -0.37,0.92,4,211,7,0,0,0,sales,high -0.64,0.64,2,190,3,0,0,0,sales,low -0.91,0.82,2,241,3,0,0,0,sales,medium -0.96,0.68,3,206,3,0,0,0,sales,medium -0.74,0.7,4,273,3,0,0,0,sales,medium -0.94,0.99,2,157,3,0,0,0,sales,medium -0.37,0.72,3,183,2,0,0,0,sales,low -0.92,0.85,3,151,6,1,0,0,sales,low -0.86,0.72,3,217,3,0,0,0,sales,low -0.66,0.49,5,235,8,1,0,0,sales,low -0.19,0.61,4,127,8,0,0,0,sales,low -0.65,0.61,5,167,8,0,0,0,sales,low -0.92,0.44,3,260,8,0,0,0,sales,low -0.83,0.8,3,240,8,0,0,0,sales,low -0.94,0.82,4,187,3,0,0,0,sales,low -0.42,0.69,3,126,2,0,0,0,sales,low -0.78,0.53,6,168,3,0,0,0,sales,low -0.58,0.76,4,197,5,0,0,0,sales,low -0.5,0.64,2,170,8,0,0,0,sales,low -0.82,0.76,3,219,8,1,0,0,IT,low -0.97,0.92,6,137,8,1,0,0,product_mng,low -0.8,0.93,3,225,4,0,0,0,product_mng,low -0.82,0.84,3,194,3,0,0,0,product_mng,low -0.95,0.99,5,251,4,0,0,0,product_mng,low -0.88,0.51,5,195,4,0,0,0,IT,low -0.5,0.86,3,180,7,0,0,1,management,high -0.53,0.8,2,225,7,1,0,1,management,high -0.82,0.74,3,229,7,0,0,1,management,high -0.15,0.74,6,144,7,0,0,1,management,high -0.92,0.7,3,129,3,0,0,1,management,high -0.53,0.74,3,172,10,0,0,1,management,high -0.58,1,4,220,10,0,0,0,marketing,medium -0.88,0.74,3,273,10,0,0,0,sales,medium -0.85,0.72,3,245,10,0,0,0,accounting,medium -0.99,0.68,5,264,10,1,0,0,support,medium -0.94,0.73,3,268,10,0,0,0,technical,medium -0.63,0.94,3,172,3,0,0,0,management,medium -0.85,0.9,3,245,3,0,0,0,marketing,medium -0.95,0.66,5,192,3,0,0,0,marketing,medium -0.71,0.66,3,268,4,0,0,0,marketing,high -0.49,0.88,4,244,3,0,0,0,sales,low -0.71,0.69,4,222,4,0,0,0,sales,medium -0.52,0.62,5,239,2,0,0,0,sales,medium -0.48,0.72,3,143,4,0,0,0,sales,medium -0.82,0.79,3,160,3,0,0,0,sales,medium -0.83,0.76,2,255,7,0,0,0,sales,low -0.85,0.87,4,152,7,0,0,0,sales,low -0.57,0.64,4,226,7,0,0,0,sales,low -0.16,0.63,5,266,7,0,0,0,IT,low -0.85,0.64,5,256,7,0,0,0,product_mng,low -0.82,0.67,3,198,3,1,0,0,product_mng,low -0.9,0.89,4,254,7,0,0,0,product_mng,low -0.92,0.64,2,104,7,0,0,0,product_mng,low -0.9,0.48,4,136,7,0,0,0,IT,low -0.82,0.8,5,205,3,0,0,0,IT,low -0.84,0.81,4,236,3,1,0,0,IT,low -0.92,0.65,3,176,3,0,0,0,IT,low -0.82,0.82,3,148,3,0,0,0,IT,low -0.8,0.8,4,146,3,1,0,0,IT,low -0.6,0.85,3,242,2,0,0,0,IT,low -0.14,0.38,5,115,6,1,0,0,marketing,high -0.85,0.89,4,150,3,0,0,0,accounting,high -0.55,0.81,3,239,8,0,0,0,accounting,high -0.49,0.71,4,178,8,0,0,0,IT,medium -0.82,0.58,5,263,8,0,0,0,IT,medium -0.59,0.77,3,272,8,0,0,0,management,high -0.9,0.82,3,133,8,0,0,0,marketing,medium -0.62,0.72,3,149,3,1,0,0,marketing,medium -0.61,0.68,3,193,2,0,0,0,marketing,medium -0.52,0.55,5,174,3,1,0,0,sales,medium -0.79,0.87,4,223,5,0,0,0,sales,medium -0.49,0.89,4,201,8,0,0,0,sales,medium -0.73,0.67,2,139,8,0,0,0,sales,medium -0.67,0.49,5,241,8,0,0,0,sales,medium -0.52,0.61,4,187,4,1,0,0,sales,medium -0.72,0.64,4,192,3,0,0,0,sales,medium -0.48,0.5,5,142,4,0,0,0,IT,medium -0.19,0.79,4,229,4,0,0,0,product_mng,medium -0.49,0.49,3,104,7,0,0,0,product_mng,high -0.9,0.76,3,255,7,0,0,0,product_mng,low -0.49,0.49,4,212,7,0,0,0,product_mng,medium -0.6,0.53,2,235,7,0,0,0,IT,medium -0.62,0.85,3,237,3,1,0,0,IT,medium -0.64,0.5,4,253,10,0,0,1,management,high -0.22,0.94,3,193,10,0,0,1,management,high -0.9,0.55,3,259,10,1,0,1,management,high -0.74,0.95,5,266,10,0,0,1,management,high -0.85,0.54,3,185,10,0,0,1,management,high -0.33,0.65,3,172,10,0,0,1,marketing,high -0.5,0.73,4,180,3,0,0,0,IT,low -0.38,0.53,2,157,3,0,1,0,sales,low -0.8,0.86,5,262,6,0,1,0,sales,medium -0.11,0.88,7,272,4,0,1,0,sales,medium -0.72,0.87,5,223,5,0,1,0,sales,low -0.37,0.52,2,159,3,0,1,0,sales,low -0.41,0.5,2,153,3,0,1,0,sales,low -0.1,0.77,6,247,4,0,1,0,sales,low -0.92,0.85,5,259,5,0,1,0,sales,low -0.89,1,5,224,5,0,1,0,sales,low -0.42,0.53,2,142,3,0,1,0,sales,low -0.45,0.54,2,135,3,0,1,0,sales,low -0.11,0.81,6,305,4,0,1,0,sales,low -0.84,0.92,4,234,5,0,1,0,sales,low -0.41,0.55,2,148,3,0,1,0,sales,low -0.36,0.56,2,137,3,0,1,0,sales,low -0.38,0.54,2,143,3,0,1,0,sales,low -0.45,0.47,2,160,3,0,1,0,sales,low -0.78,0.99,4,255,6,0,1,0,sales,low -0.45,0.51,2,160,3,1,1,1,sales,low -0.76,0.89,5,262,5,0,1,0,sales,low -0.11,0.83,6,282,4,0,1,0,sales,low -0.38,0.55,2,147,3,0,1,0,sales,low -0.09,0.95,6,304,4,0,1,0,sales,low -0.46,0.57,2,139,3,0,1,0,sales,low -0.4,0.53,2,158,3,0,1,0,sales,low -0.89,0.92,5,242,5,0,1,0,sales,low -0.82,0.87,4,239,5,0,1,0,sales,low -0.4,0.49,2,135,3,0,1,0,sales,low -0.41,0.46,2,128,3,0,1,0,accounting,low -0.38,0.5,2,132,3,0,1,0,accounting,low -0.09,0.62,6,294,4,0,1,0,accounting,low -0.45,0.57,2,134,3,0,1,0,hr,low -0.4,0.51,2,145,3,0,1,0,hr,low -0.45,0.55,2,140,3,0,1,0,hr,low -0.84,0.87,4,246,6,0,1,0,hr,low -0.1,0.94,6,255,4,0,1,0,technical,low -0.38,0.46,2,137,3,0,1,0,technical,low -0.45,0.5,2,126,3,0,1,0,technical,low -0.11,0.89,6,306,4,0,1,0,technical,low -0.41,0.54,2,152,3,0,1,0,technical,low -0.87,0.88,5,269,5,0,1,0,technical,low -0.45,0.48,2,158,3,0,1,0,technical,low -0.4,0.46,2,127,3,0,1,0,technical,low -0.1,0.8,7,281,4,0,1,0,technical,low -0.09,0.89,6,276,4,0,1,0,technical,low -0.84,0.74,3,182,4,0,1,0,technical,low -0.4,0.55,2,147,3,0,1,0,support,low -0.57,0.7,3,273,6,0,1,0,support,low -0.4,0.54,2,148,3,0,1,0,support,low -0.43,0.47,2,147,3,0,1,0,support,low -0.13,0.78,6,152,2,0,1,0,support,low -0.44,0.55,2,135,3,0,1,0,support,low -0.38,0.55,2,134,3,0,1,0,support,low -0.39,0.54,2,132,3,0,1,0,support,low -0.1,0.92,7,307,4,0,1,0,support,low -0.37,0.46,2,140,3,0,1,0,support,low -0.11,0.94,7,255,4,0,1,0,support,low -0.1,0.81,6,309,4,0,1,0,technical,low -0.38,0.54,2,128,3,0,1,0,technical,low -0.85,1,4,225,5,0,1,0,technical,low -0.85,0.91,5,226,5,0,1,0,management,medium -0.11,0.93,7,308,4,0,1,0,IT,medium -0.1,0.95,6,244,5,0,1,0,IT,medium -0.36,0.56,2,132,3,0,1,0,IT,medium -0.11,0.94,6,286,4,0,1,0,IT,medium -0.81,0.7,6,161,4,0,1,0,IT,medium -0.43,0.54,2,153,3,0,1,0,product_mng,medium -0.9,0.98,4,264,6,0,1,0,product_mng,medium -0.76,0.86,5,223,5,1,1,0,product_mng,medium -0.43,0.5,2,135,3,0,1,0,product_mng,medium -0.74,0.99,2,277,3,0,1,0,IT,medium -0.09,0.77,5,275,4,0,1,0,product_mng,medium -0.45,0.49,2,149,3,0,1,0,product_mng,high -0.09,0.87,7,295,4,0,1,0,product_mng,low -0.11,0.97,6,277,4,0,1,0,product_mng,medium -0.11,0.79,7,306,4,0,1,0,product_mng,medium -0.1,0.83,6,295,4,0,1,0,product_mng,medium -0.4,0.54,2,137,3,0,1,0,marketing,medium -0.43,0.56,2,157,3,0,1,0,sales,low -0.39,0.56,2,142,3,0,1,0,accounting,low -0.45,0.54,2,140,3,0,1,0,support,low -0.38,0.49,2,151,3,0,1,0,technical,low -0.79,0.59,4,139,3,0,1,1,management,low -0.84,0.85,4,249,6,0,1,0,marketing,low -0.11,0.77,6,291,4,0,1,0,marketing,low -0.11,0.87,6,305,4,0,1,0,marketing,low -0.17,0.84,5,232,3,0,1,0,sales,low -0.44,0.45,2,132,3,0,1,0,sales,low -0.37,0.57,2,130,3,0,1,0,sales,low -0.1,0.79,6,291,4,0,1,0,sales,low -0.4,0.5,2,130,3,0,1,0,sales,low -0.89,1,5,246,5,0,1,0,sales,low -0.42,0.48,2,143,3,0,1,0,sales,low -0.46,0.55,2,129,3,0,1,0,sales,low -0.09,0.83,6,255,4,0,1,0,sales,low -0.37,0.51,2,155,3,0,1,0,sales,low -0.1,0.77,6,265,4,0,1,0,sales,low -0.1,0.84,6,279,4,0,1,0,sales,low -0.11,0.97,6,284,4,0,1,0,sales,low -0.9,1,5,221,6,0,1,0,sales,medium -0.38,0.52,2,154,3,0,1,0,sales,medium -0.36,0.52,2,147,3,0,1,0,sales,medium -0.42,0.46,2,150,3,0,1,0,sales,medium -0.09,0.94,7,267,4,0,1,0,sales,medium -0.43,0.52,2,158,3,0,1,0,sales,medium -0.24,0.46,7,224,5,0,1,0,accounting,medium -0.91,1,4,257,5,0,1,0,accounting,medium -0.44,0.5,2,148,3,0,1,0,accounting,medium -0.71,0.87,3,177,4,0,1,0,hr,medium -0.4,0.49,2,155,3,0,1,0,hr,medium -0.43,0.47,2,144,3,0,1,0,hr,medium -0.09,0.85,6,289,4,0,1,0,hr,high -0.43,0.52,2,160,3,0,1,0,technical,low -0.9,0.96,4,258,5,0,1,0,technical,medium -0.84,1,5,234,5,0,1,0,technical,medium -0.37,0.48,2,137,3,0,1,0,technical,medium -0.86,0.68,5,263,2,0,1,0,technical,medium -0.11,0.84,6,251,4,0,1,0,technical,low -0.37,0.57,2,133,3,0,1,0,technical,low -0.4,0.46,2,132,3,0,1,0,technical,low -0.14,0.62,4,158,4,1,1,0,technical,low -0.4,0.46,2,135,3,0,1,0,technical,low -0.75,1,4,216,6,0,1,0,technical,low -0.11,0.84,6,300,5,1,1,0,support,low -0.46,0.49,2,138,3,0,1,0,support,low -0.11,0.92,6,260,4,0,1,0,support,low -0.38,0.49,2,132,3,0,1,0,support,low -0.7,0.89,3,183,5,0,1,0,support,low -0.09,0.82,6,250,4,0,1,0,support,low -0.37,0.45,2,151,3,0,1,0,support,low -0.1,0.83,6,292,4,0,1,0,support,low -0.38,0.57,2,140,3,0,1,0,support,low -0.9,1,5,221,5,0,1,0,support,low -0.44,0.51,2,138,3,0,1,0,support,low -0.36,0.5,2,132,3,0,1,0,technical,low -0.31,0.84,7,133,5,0,1,0,technical,low -0.1,0.84,6,283,4,1,1,0,technical,low -0.42,0.48,2,129,3,0,1,0,management,low -0.74,1,4,249,5,0,1,0,IT,low -0.73,0.87,5,257,5,0,1,0,IT,low -0.09,0.96,6,245,4,0,1,0,IT,low -0.45,0.53,2,155,3,0,1,0,IT,low -0.11,0.8,6,256,4,0,1,0,IT,low -0.37,0.47,2,152,3,0,1,0,product_mng,low -0.84,0.99,4,267,5,0,1,0,product_mng,low -0.41,0.46,2,151,3,0,1,0,product_mng,low -0.76,0.92,4,239,5,0,1,0,product_mng,low -0.11,0.87,6,306,4,0,1,0,IT,low -0.84,0.88,4,263,5,1,1,0,marketing,low -0.39,0.5,2,147,3,0,1,0,marketing,low -0.11,0.91,6,278,4,0,1,0,marketing,low -0.45,0.56,2,154,3,0,1,0,marketing,low -0.37,0.52,2,143,3,0,1,0,marketing,low -0.4,0.52,2,155,3,0,1,0,marketing,low -0.39,0.48,2,160,3,0,1,0,sales,low -0.11,0.8,6,304,4,0,1,0,accounting,low -0.83,1,5,240,5,0,1,0,support,low -0.11,0.92,6,305,4,0,1,0,technical,low -0.39,0.5,2,136,3,0,1,0,management,low -0.45,0.45,2,132,3,0,1,0,marketing,low -0.1,0.95,7,301,4,0,1,0,marketing,low -0.9,0.98,5,243,6,0,1,0,marketing,low -0.45,0.51,2,147,3,0,1,0,sales,low -0.79,0.89,5,239,5,0,1,0,sales,low -0.9,0.99,5,260,5,0,1,0,sales,low -0.11,0.84,7,296,4,0,1,0,sales,low -0.43,0.55,2,129,3,0,1,0,sales,low -0.31,0.54,5,132,5,0,1,0,sales,low -0.32,0.5,2,135,5,0,1,0,sales,low -0.45,0.57,2,158,3,0,1,0,sales,low -0.81,0.99,4,259,5,0,1,0,sales,low -0.41,0.46,2,160,3,0,1,1,sales,low -0.11,0.78,7,278,4,0,1,0,sales,low -0.1,0.88,6,284,4,0,1,0,sales,low -0.7,0.53,2,274,4,0,1,0,sales,low -0.54,0.74,4,164,2,0,1,0,sales,low -0.41,0.48,2,148,3,0,1,0,sales,low -0.38,0.5,2,140,3,0,1,0,sales,medium -0.37,0.51,2,127,3,0,1,0,sales,medium -0.11,0.85,6,308,5,0,1,0,sales,medium -0.4,0.47,2,146,3,0,1,0,sales,medium -0.1,0.84,6,261,4,0,1,0,accounting,medium -0.89,0.99,5,257,5,0,1,0,accounting,medium -0.11,0.8,6,285,4,0,1,0,accounting,medium -0.36,0.55,2,141,3,0,1,0,hr,medium -0.4,0.46,2,127,3,0,1,0,hr,medium -0.09,0.85,6,297,4,0,1,0,hr,medium -0.4,0.46,2,143,3,0,1,0,hr,medium -0.37,0.55,2,152,3,0,1,0,technical,medium -0.44,0.51,2,156,3,0,1,0,technical,high -0.09,0.8,7,283,5,0,1,0,technical,low -0.92,0.87,4,226,6,1,1,0,technical,medium -0.74,0.91,4,232,5,0,1,0,technical,medium -0.09,0.82,6,249,4,0,1,0,technical,medium -0.89,0.95,4,275,5,0,1,0,technical,medium -0.09,0.8,6,304,4,0,1,0,technical,low -0.27,0.54,7,278,3,0,1,0,technical,low -0.1,0.91,6,287,4,0,1,0,technical,low -0.1,0.89,7,285,4,0,1,0,technical,low -0.77,0.94,5,226,6,0,1,0,support,low -0.9,0.82,5,259,5,0,1,0,support,low -0.39,0.5,2,135,3,0,1,0,support,low -0.76,1,5,219,5,0,1,0,support,low -0.1,0.93,6,256,4,0,1,0,support,low -0.87,0.9,5,254,6,0,1,0,support,low -0.38,0.5,2,153,3,0,1,0,support,low -0.77,0.99,5,228,5,0,1,0,support,low -0.78,0.87,4,228,5,0,1,0,support,low -0.44,0.5,2,128,3,0,1,0,support,low -0.38,0.52,2,153,3,0,1,0,support,low -0.43,0.46,2,156,3,0,1,0,technical,low -0.39,0.5,4,294,3,0,1,0,technical,low -0.88,1,5,219,5,0,1,0,technical,low -0.45,0.46,2,153,3,0,1,0,management,low -0.4,0.53,2,151,3,0,1,0,IT,low -0.36,0.51,2,155,3,0,1,0,IT,low -0.36,0.48,2,158,3,0,1,0,IT,low -0.9,0.98,5,245,5,0,1,0,IT,low -0.43,0.53,2,131,3,0,1,0,IT,low -0.89,0.87,5,225,5,0,1,0,product_mng,low -0.1,0.84,6,286,4,0,1,0,product_mng,low -0.37,0.5,2,135,3,0,1,0,product_mng,low -0.37,0.51,2,153,3,0,1,0,product_mng,low -0.87,0.9,5,252,5,0,1,0,IT,low -0.4,0.56,2,149,3,0,1,0,accounting,low -0.9,0.97,4,258,5,0,1,0,accounting,low -0.37,0.46,2,158,3,0,1,0,hr,low -0.44,0.54,2,149,3,0,1,0,hr,low -0.85,0.95,5,236,5,0,1,0,hr,low -0.78,0.98,5,239,6,0,1,0,marketing,low -0.42,0.47,2,159,3,0,1,0,marketing,low -0.92,0.99,5,255,6,0,1,0,sales,low -0.11,0.83,6,244,4,0,1,0,accounting,low -0.42,0.56,2,134,3,0,1,0,support,low -0.48,0.57,4,270,4,0,1,0,technical,low -0.83,0.85,4,255,5,0,1,0,management,low -0.4,0.53,2,151,3,0,1,0,marketing,low -0.43,0.45,2,135,3,0,1,0,marketing,low -0.43,0.53,2,146,3,0,1,0,marketing,low -0.1,0.97,7,254,4,0,1,0,sales,low -0.1,0.87,7,289,4,0,1,0,sales,low -0.37,0.46,2,156,3,0,1,0,sales,low -0.38,0.53,2,156,3,0,1,0,sales,low -0.4,0.5,2,128,3,0,1,0,sales,low -0.89,0.86,5,275,5,0,1,0,sales,low -0.45,0.46,2,155,3,0,1,0,sales,low -0.37,0.48,2,159,3,0,1,0,sales,low -0.46,0.49,2,148,3,0,1,0,sales,low -0.87,0.91,4,228,5,0,1,0,sales,low -0.11,0.84,6,298,4,0,1,0,sales,low -0.79,0.87,5,261,5,0,1,0,sales,low -0.79,0.92,5,254,6,0,1,0,sales,low -0.19,0.59,7,192,3,0,1,0,sales,low -0.87,0.98,4,248,5,0,1,0,sales,low -0.6,0.92,2,258,5,0,1,0,sales,low -0.44,0.45,2,156,3,0,1,0,sales,medium -0.11,0.81,6,266,4,1,1,0,sales,medium -0.42,0.54,2,156,3,0,1,0,sales,medium -0.88,0.88,5,232,5,1,1,0,accounting,medium -0.11,0.84,6,287,4,0,1,0,accounting,medium -0.46,0.46,2,154,3,0,1,0,accounting,medium -0.82,0.97,5,263,5,0,1,0,hr,medium -0.44,0.56,2,131,3,0,1,0,hr,medium -0.11,0.78,6,260,4,0,1,0,hr,medium -0.42,0.5,2,139,3,0,1,0,hr,medium -0.84,0.93,4,251,5,0,1,0,technical,medium -0.11,0.95,6,286,4,0,1,0,technical,medium -0.45,0.53,2,129,3,0,1,0,technical,high -0.38,0.56,2,156,3,0,1,0,technical,low -0.38,0.86,6,139,6,0,1,0,technical,medium -0.44,0.51,2,127,3,0,1,0,technical,medium -0.11,0.84,6,251,4,0,1,0,technical,medium -0.81,0.93,5,270,5,0,1,0,technical,medium -0.09,0.96,6,296,4,0,1,0,technical,low -0.11,0.9,6,254,4,0,1,0,technical,low -0.81,0.95,5,238,6,0,1,0,technical,low -0.1,0.97,6,267,4,1,1,0,support,low -0.74,0.89,5,229,6,0,1,0,support,low -0.09,0.78,6,254,4,0,1,0,support,low -0.82,0.81,4,233,4,1,1,0,support,low -0.1,0.98,6,268,4,0,1,0,support,low -0.27,0.56,3,301,3,0,1,0,support,low -0.83,0.92,5,267,6,0,1,0,support,low -0.1,0.93,6,289,4,1,1,0,support,low -0.38,0.47,2,144,3,0,1,0,support,low -0.4,0.56,2,148,3,0,1,0,support,low -0.11,0.83,6,306,4,0,1,0,support,low -0.11,0.79,6,292,4,0,1,1,technical,low -0.82,0.91,5,232,5,0,1,0,technical,low -0.36,0.48,2,137,3,0,1,0,technical,low -0.4,0.46,2,128,3,0,1,0,management,low -0.87,0.84,5,231,5,0,1,0,IT,low -0.41,0.49,2,146,3,0,1,0,IT,low -0.11,0.91,6,308,4,1,1,0,IT,low -0.1,0.93,6,253,4,0,1,0,IT,medium -0.38,0.51,2,146,3,0,1,0,IT,medium -0.39,0.55,2,156,3,0,1,0,product_mng,medium -0.4,0.52,2,147,3,0,1,0,product_mng,medium -0.45,0.48,2,136,3,0,1,0,product_mng,medium -0.74,0.84,5,249,5,0,1,0,product_mng,medium -0.45,0.55,2,151,3,0,1,0,IT,medium -0.12,1,3,278,4,0,1,0,RandD,medium -0.1,0.77,7,250,5,0,1,0,RandD,medium -0.37,0.55,2,127,3,0,1,0,RandD,medium -0.89,0.87,5,255,5,0,1,0,RandD,medium -0.45,0.47,2,135,3,0,1,0,RandD,medium -0.37,0.46,2,149,3,0,1,0,marketing,high -0.11,0.81,5,287,4,0,1,0,sales,low -0.41,0.48,2,145,3,0,1,0,accounting,medium -0.1,0.94,6,285,4,0,1,0,support,medium -0.1,0.93,7,305,4,0,1,0,technical,medium -0.11,0.95,7,300,4,0,1,0,management,medium -0.4,0.54,2,139,3,0,1,0,marketing,low -0.41,0.49,2,130,3,0,1,0,marketing,low -0.1,0.81,6,268,4,0,1,0,marketing,low -0.73,0.86,4,245,6,0,1,0,sales,low -0.43,0.47,2,135,3,0,1,0,sales,low -0.37,0.46,2,153,3,0,1,0,sales,low -0.11,0.94,6,276,4,0,1,0,sales,low -0.4,0.46,2,130,3,0,1,0,sales,low -0.41,0.54,2,153,3,1,1,0,sales,low -0.82,0.84,5,244,5,0,1,0,sales,low -0.61,0.47,2,253,3,0,1,0,sales,low -0.11,0.91,7,287,4,0,1,0,sales,low -0.37,0.45,2,131,3,0,1,0,sales,low -0.41,0.52,2,135,3,0,1,0,sales,low -0.37,0.52,2,157,3,0,1,0,sales,low -0.88,0.99,5,262,6,0,1,0,sales,low -0.1,0.85,6,266,4,0,1,0,sales,low -0.44,0.48,2,148,3,0,1,0,sales,low -0.38,0.57,2,140,3,0,1,0,sales,low -0.11,0.85,7,302,4,0,1,0,sales,low -0.09,0.98,6,271,4,0,1,0,sales,low -0.45,0.52,2,145,3,0,1,0,sales,medium -0.1,0.81,6,290,4,0,1,0,accounting,medium -0.45,0.47,2,151,3,0,1,0,accounting,medium -0.77,0.87,5,266,5,0,1,0,accounting,medium -0.44,0.51,2,140,3,0,1,0,hr,medium -0.39,0.5,2,142,3,0,1,0,hr,medium -0.1,0.91,6,246,4,0,1,0,hr,medium -0.09,0.89,7,308,5,0,1,0,hr,medium -0.37,0.47,2,141,3,0,1,0,technical,medium -0.9,1,5,232,5,0,1,0,technical,medium -0.41,0.56,2,143,3,0,1,0,technical,medium -0.37,0.52,2,155,3,0,1,0,technical,medium -0.1,0.86,6,278,4,0,1,0,technical,high -0.81,1,4,253,5,0,1,0,technical,low -0.11,0.8,6,282,4,0,1,0,technical,medium -0.11,0.84,7,264,4,0,1,0,technical,medium -0.4,0.46,2,149,3,0,1,0,technical,medium -0.09,0.8,6,304,5,0,1,0,technical,medium -0.48,0.93,3,219,6,0,1,0,technical,low -0.91,0.91,4,262,6,0,1,0,support,low -0.43,0.57,2,135,3,0,1,0,support,low -0.33,0.88,6,219,5,0,1,0,support,low -0.41,0.57,2,136,3,0,1,0,support,low -0.41,0.55,2,154,3,0,1,0,support,low -0.37,0.54,2,149,3,0,1,0,support,low -0.31,0.62,6,135,5,0,1,0,support,low -0.09,0.91,6,275,4,0,1,0,support,low -0.1,0.87,6,290,4,0,1,0,support,low -0.76,0.9,4,263,5,0,1,0,support,low -0.41,0.54,2,145,3,0,1,0,support,low -0.72,0.96,5,267,5,0,1,0,technical,low -0.4,0.5,2,141,3,1,1,0,technical,low -0.91,0.87,4,235,5,0,1,0,technical,low -0.1,0.83,6,258,4,0,1,0,management,low -0.4,0.56,2,131,3,0,1,0,IT,low -0.82,0.86,5,243,5,0,1,0,IT,low -0.1,0.82,6,266,4,0,1,0,IT,low -0.37,0.45,2,142,3,0,1,0,IT,low -0.36,0.51,2,135,3,0,1,0,IT,low -0.39,0.48,2,141,3,0,1,0,product_mng,medium -0.36,0.57,2,142,3,0,1,0,product_mng,medium -0.86,0.84,5,254,5,0,1,0,product_mng,medium -0.73,0.99,5,262,5,0,1,0,product_mng,medium -0.56,0.71,4,296,2,0,1,0,IT,medium -0.44,0.56,2,158,3,0,1,0,accounting,medium -0.31,0.56,4,238,2,0,1,0,accounting,medium -0.77,0.93,4,231,5,0,1,0,hr,medium -0.44,0.45,2,156,3,0,1,0,hr,medium -0.38,0.46,2,145,3,0,1,0,hr,medium -0.45,0.48,2,144,3,0,1,0,marketing,medium -0.38,0.51,2,159,3,0,1,0,sales,medium -0.36,0.48,2,156,3,0,1,0,accounting,high -0.75,0.9,5,256,5,0,1,0,support,low -0.1,0.93,6,298,4,0,1,0,technical,medium -0.1,0.97,6,247,4,0,1,0,management,medium -0.45,0.5,2,157,3,0,1,0,marketing,medium -0.42,0.57,2,154,3,1,1,0,marketing,medium -0.78,1,4,253,5,0,1,0,marketing,low -0.45,0.55,2,148,3,0,1,0,sales,low -0.84,1,4,261,5,0,1,0,sales,low -0.11,0.93,6,282,4,0,1,0,sales,low -0.42,0.56,2,133,3,0,1,0,sales,low -0.45,0.46,2,128,3,0,1,0,sales,low -0.46,0.57,2,139,3,0,1,0,sales,low -0.09,0.79,6,293,5,0,1,0,sales,low -0.87,0.83,4,265,6,0,1,0,sales,low -0.1,0.87,6,250,4,0,1,0,sales,low -0.91,1,5,251,6,0,1,0,sales,low -0.76,0.92,4,246,5,0,1,0,sales,low -0.74,1,5,275,5,0,1,0,sales,low -0.92,0.93,5,240,5,0,1,0,sales,low -0.76,0.87,5,245,5,0,1,0,sales,low -0.47,0.5,4,254,4,0,1,0,sales,low -0.73,0.99,5,241,5,0,1,0,sales,low -0.09,0.94,6,257,4,0,1,0,sales,low -0.91,0.92,4,246,5,0,1,0,sales,low -0.82,0.98,4,233,5,0,1,0,sales,low -0.28,0.45,6,218,4,0,1,0,accounting,low -0.84,0.99,4,262,6,0,1,0,accounting,medium -0.45,0.53,2,138,3,0,1,0,accounting,medium -0.45,0.54,2,142,3,0,1,0,hr,medium -0.91,0.97,5,233,5,0,1,0,hr,medium -0.42,0.48,2,155,3,0,1,0,hr,medium -0.82,1,4,229,6,0,1,0,hr,medium -0.11,0.9,6,264,4,0,1,0,technical,medium -0.42,0.53,3,199,4,0,1,0,technical,medium -0.82,0.85,4,223,5,0,1,0,technical,medium -0.09,0.96,6,268,4,0,1,0,technical,medium -0.1,0.94,6,287,4,0,1,0,technical,medium -0.86,1,5,257,5,0,1,0,technical,medium -0.4,0.46,2,143,3,0,1,0,technical,high -0.45,0.46,2,130,3,0,1,0,technical,low -0.42,0.51,2,136,3,0,1,0,technical,medium -0.74,0.92,4,261,5,0,1,0,technical,medium -0.55,0.6,3,180,4,0,1,0,technical,medium -0.37,0.45,2,126,3,0,1,0,support,medium -0.41,0.52,2,127,3,1,1,0,support,low -0.89,0.65,5,195,6,0,1,0,support,low -0.41,0.57,2,160,3,0,1,0,support,low -0.44,0.51,2,150,3,0,1,0,support,low -0.87,0.84,4,264,6,0,1,0,support,low -0.1,0.84,6,309,4,0,1,0,support,low -0.41,0.47,2,135,3,0,1,0,support,low -0.11,0.85,6,261,4,0,1,0,support,low -0.43,0.53,2,160,3,0,1,0,support,low -0.77,0.9,4,237,5,0,1,0,support,low -0.41,0.52,2,136,3,0,1,0,technical,low -0.41,0.48,2,139,3,0,1,0,technical,low -0.36,0.78,2,151,4,0,1,0,technical,low -0.77,1,5,229,5,0,1,0,management,low -0.81,0.98,5,245,5,0,1,0,IT,low -0.39,0.54,2,127,3,0,1,0,IT,low -0.09,0.94,6,283,5,0,1,0,IT,low -0.44,0.46,2,143,3,0,1,0,IT,low -0.1,0.84,5,298,4,0,1,0,IT,low -0.36,0.48,2,159,3,0,1,0,product_mng,low -0.81,0.92,5,239,5,0,1,0,product_mng,low -0.81,0.9,4,226,5,0,1,0,product_mng,medium -0.85,0.98,5,248,5,0,1,0,product_mng,medium -0.1,0.87,6,286,4,0,1,0,IT,medium -0.37,0.54,2,145,3,0,1,0,RandD,medium -0.09,0.97,7,254,4,1,1,0,RandD,medium -0.44,0.53,2,127,3,0,1,0,RandD,medium -0.86,0.93,5,223,5,0,1,0,RandD,medium -0.77,1,4,255,5,0,1,0,RandD,medium -0.41,0.48,2,136,3,0,1,0,marketing,medium -0.4,0.48,2,137,3,0,1,0,sales,medium -0.43,0.49,2,135,3,0,1,0,accounting,medium -0.43,0.5,2,137,3,0,1,0,support,medium -0.8,0.53,3,255,5,0,1,0,technical,high -0.8,0.85,4,273,5,0,1,0,management,low -0.82,0.98,5,234,5,0,1,0,marketing,medium -0.37,0.54,2,152,3,0,1,0,marketing,medium -0.37,0.48,2,134,3,0,1,0,marketing,medium -0.09,0.95,6,292,4,0,1,0,sales,medium -0.9,0.92,5,245,5,0,1,0,sales,low -0.41,0.52,2,159,3,0,1,0,sales,low -0.1,0.85,6,260,4,0,1,0,sales,low -0.44,0.53,2,149,3,0,1,0,sales,low -0.89,0.85,5,266,5,0,1,0,sales,low -0.42,0.56,2,149,3,0,1,0,sales,low -0.87,1,5,242,5,0,1,0,sales,low -0.45,0.57,2,134,3,0,1,0,sales,low -0.11,0.87,5,271,4,0,1,0,sales,low -0.09,0.79,6,275,4,0,1,0,sales,low -0.76,0.83,5,227,5,0,1,0,sales,low -0.11,0.96,7,277,5,0,1,0,sales,low -0.37,0.49,2,151,3,0,1,0,sales,low -0.1,0.79,6,274,4,0,1,0,sales,low -0.77,0.87,4,242,6,0,1,0,sales,low -0.42,0.54,2,143,3,1,1,0,sales,low -0.38,0.52,2,145,3,0,1,0,sales,low -0.32,0.95,5,172,2,0,1,0,sales,low -0.38,0.49,2,135,3,0,1,0,accounting,low -0.19,1,4,192,4,0,1,0,accounting,low -0.1,0.83,7,276,4,0,1,0,accounting,low -0.76,0.88,4,206,4,0,1,0,hr,medium -0.53,0.56,4,281,6,0,1,0,hr,medium -0.39,0.51,2,151,3,0,1,0,hr,medium -0.11,0.83,6,244,4,0,1,0,hr,medium -0.1,0.94,6,309,4,0,1,0,technical,medium -0.84,1,5,218,5,0,1,0,technical,medium -0.82,0.99,4,263,6,0,1,0,technical,medium -0.1,0.82,6,244,4,0,1,0,technical,medium -0.59,0.49,7,263,4,0,1,0,technical,medium -0.44,0.48,2,143,3,0,1,0,technical,medium -0.89,0.95,2,181,5,0,1,0,technical,medium -0.91,0.84,5,265,5,0,1,0,technical,medium -0.66,0.57,5,161,5,0,1,0,technical,high -0.11,0.87,7,282,5,0,1,0,technical,low -0.43,0.51,2,155,3,0,1,0,technical,medium -0.78,0.83,4,217,6,0,1,0,support,medium -0.11,0.97,6,289,5,0,1,0,support,medium -0.83,0.98,4,259,5,0,1,0,support,medium -0.39,0.54,2,158,3,0,1,0,support,low -0.38,0.55,2,158,3,0,1,0,support,low -0.37,0.57,2,155,3,0,1,0,support,low -0.44,0.48,2,146,3,0,1,0,support,low -0.53,0.85,2,164,5,0,1,0,support,low -0.09,0.96,6,259,4,0,1,0,support,low -0.11,0.89,6,293,4,0,1,0,support,low -0.83,0.96,5,275,5,0,1,0,support,low -0.88,1,5,219,6,1,1,0,technical,low -0.1,0.89,6,247,4,0,1,0,technical,low -0.09,0.86,7,309,4,0,1,0,technical,low -0.44,0.54,2,151,3,0,1,0,management,low -0.39,0.51,2,129,3,0,1,0,IT,low -0.87,0.94,4,274,5,0,1,0,IT,low -0.74,0.99,4,233,5,0,1,0,IT,low -0.1,0.95,7,289,4,0,1,0,IT,low -0.74,0.82,4,239,6,0,1,0,IT,low -0.75,0.99,5,221,5,0,1,0,product_mng,low -0.41,0.56,2,150,3,0,1,0,product_mng,low -0.41,0.45,2,144,3,1,1,0,product_mng,low -0.09,0.9,7,289,4,0,1,0,product_mng,low -0.09,0.8,6,301,5,0,1,0,IT,medium -0.39,0.57,2,145,3,0,1,0,accounting,medium -0.4,0.56,2,137,3,0,1,0,accounting,medium -0.37,0.54,2,131,3,1,1,0,hr,medium -0.1,0.84,6,246,4,0,1,0,hr,medium -0.43,0.51,2,136,3,0,1,0,hr,medium -0.75,0.85,5,240,6,1,1,0,marketing,medium -0.37,0.56,2,156,3,0,1,0,sales,medium -0.11,0.85,6,305,4,0,1,0,accounting,medium -0.45,0.45,2,154,3,1,1,0,support,medium -0.87,1,5,261,5,1,1,0,technical,medium -0.11,0.94,7,244,4,0,1,0,management,medium -0.45,0.54,2,129,3,0,1,0,marketing,high -0.81,0.87,4,254,5,0,1,0,marketing,low -0.77,0.91,5,236,5,0,1,0,marketing,medium -0.89,0.92,5,237,5,0,1,0,sales,medium -0.43,0.49,2,135,3,0,1,0,sales,medium -0.78,1,5,236,5,0,1,0,sales,medium -0.37,0.47,2,149,3,0,1,0,sales,low -0.37,0.5,2,141,3,0,1,0,sales,low -0.85,0.82,4,270,5,0,1,0,sales,low -0.41,0.47,2,138,3,0,1,0,sales,low -0.11,0.96,6,298,4,0,1,0,sales,low -0.75,0.99,5,254,5,0,1,0,sales,low -0.82,0.85,5,248,5,0,1,0,sales,low -0.79,1,5,257,6,0,1,0,sales,low -0.43,0.53,2,150,3,0,1,0,sales,low -0.1,0.9,7,281,4,0,1,0,sales,low -0.46,0.48,2,141,3,1,1,0,sales,low -0.43,0.57,2,157,3,0,1,0,sales,low -0.43,0.55,2,136,3,0,1,0,sales,low -0.11,0.8,7,296,4,0,1,0,sales,low -0.09,0.86,6,279,4,0,1,0,sales,low -0.37,0.53,2,131,3,0,1,0,sales,low -0.4,0.57,2,160,3,0,1,0,accounting,low -0.1,0.77,7,291,4,0,1,0,accounting,low -0.41,0.53,2,157,3,0,1,0,accounting,low -0.79,0.58,3,294,4,0,1,0,hr,low -0.11,0.79,7,310,4,0,1,0,hr,low -0.1,0.97,6,282,4,0,1,0,hr,medium -0.44,0.51,2,134,3,0,1,0,hr,medium -0.25,0.46,4,214,4,0,1,0,technical,medium -0.44,0.52,2,137,3,0,1,0,technical,medium -0.73,1,4,252,5,0,1,0,technical,medium -0.75,0.97,5,243,6,0,1,0,technical,medium -0.36,0.47,2,148,3,0,1,0,technical,medium -0.37,0.49,2,151,3,0,1,0,technical,medium -0.39,0.49,2,129,3,0,1,0,technical,medium -0.48,0.78,2,198,2,0,1,0,technical,medium -0.57,0.72,4,275,6,0,1,0,technical,medium -0.9,0.96,5,243,5,0,1,0,technical,medium -0.39,0.55,2,159,3,0,1,0,technical,high -0.44,0.51,2,145,3,0,1,0,support,low -0.81,0.88,5,242,5,0,1,0,support,medium -0.74,0.87,5,242,5,0,1,0,support,medium -0.44,0.56,2,145,3,0,1,0,support,medium -0.41,0.56,2,154,3,0,1,1,support,medium -0.4,0.51,2,139,3,0,1,0,support,low -0.46,0.57,2,152,3,0,1,0,support,low -0.8,0.83,2,211,3,0,1,0,support,low -0.87,0.9,5,258,5,0,1,0,support,low -0.39,0.54,2,155,3,0,1,0,support,low -0.38,0.55,2,148,3,0,1,0,support,low -0.66,0.67,2,255,3,0,1,0,technical,low -0.1,0.8,6,264,4,0,1,0,technical,low -0.37,0.54,2,132,3,0,1,0,technical,low -0.1,0.77,6,255,4,0,1,0,management,low -0.09,0.87,5,263,4,0,1,0,IT,low -0.86,0.84,5,222,5,0,1,0,IT,low -0.11,0.9,6,263,4,0,1,0,IT,low -0.37,0.46,2,157,3,0,1,0,IT,low -0.11,0.92,7,307,4,0,1,0,IT,low -0.77,0.98,5,259,6,0,1,0,product_mng,low -0.84,0.94,5,222,6,0,1,0,product_mng,low -0.1,0.84,7,250,4,0,1,0,product_mng,low -0.83,0.9,5,245,5,0,1,0,product_mng,low -0.11,0.79,6,292,4,0,1,0,IT,low -0.86,0.92,5,252,5,0,1,0,RandD,low -0.38,0.56,2,161,3,0,1,0,RandD,medium -0.11,0.88,5,250,4,0,1,0,RandD,medium -0.45,0.49,2,134,3,0,1,0,RandD,medium -0.1,0.85,7,279,4,0,1,0,RandD,medium -0.09,0.95,7,256,4,0,1,0,marketing,medium -0.39,0.53,2,127,3,0,1,0,sales,medium -0.37,0.47,2,138,3,1,1,0,accounting,medium -0.81,0.97,5,243,5,0,1,0,support,medium -0.09,0.9,7,296,4,0,1,0,technical,medium -0.1,0.88,7,267,4,0,1,0,management,medium -0.39,0.49,2,144,3,0,1,0,marketing,medium -0.83,0.95,4,251,5,0,1,0,marketing,medium -0.45,0.57,2,148,3,0,1,0,marketing,high -0.43,0.51,2,141,3,0,1,0,sales,low -0.8,0.75,3,268,2,0,1,0,sales,medium -0.1,0.86,6,247,4,0,1,0,sales,medium -0.1,0.55,2,247,4,0,1,0,sales,medium -0.36,0.52,2,146,3,0,1,0,sales,medium -0.38,0.5,2,140,3,0,1,0,sales,low -0.78,0.98,5,263,6,0,1,0,sales,low -0.44,0.49,2,145,3,0,1,0,sales,low -0.41,0.46,2,156,3,1,1,0,sales,low -0.72,0.85,5,244,6,0,1,0,sales,low -0.46,0.54,2,144,3,0,1,0,sales,low -0.1,0.9,7,286,4,0,1,0,sales,low -0.34,0.67,4,141,2,0,1,0,sales,low -0.11,0.89,6,260,5,0,1,0,sales,low -0.38,0.56,2,154,3,0,1,0,sales,low -0.82,0.92,5,225,5,0,1,0,sales,low -0.39,0.57,2,127,3,0,1,0,sales,low -0.44,0.53,2,140,3,0,1,0,sales,low -0.43,0.52,2,147,3,0,1,0,sales,low -0.84,0.83,4,227,5,0,1,0,accounting,low -0.43,0.48,2,153,3,0,1,0,accounting,low -0.37,0.52,2,128,3,0,1,0,accounting,low -0.74,0.97,4,228,5,0,1,0,hr,low -0.73,0.97,5,235,5,0,1,0,hr,low -0.37,0.47,2,148,3,0,1,0,hr,low -0.58,0.62,4,238,3,0,1,0,hr,low -0.4,0.54,2,141,3,0,1,0,technical,medium -0.51,0.83,5,249,4,0,1,0,technical,medium -0.46,0.5,2,151,3,0,1,0,technical,medium -0.45,0.54,2,129,3,0,1,0,technical,medium -0.46,0.5,2,156,3,0,1,0,technical,medium -0.39,0.45,2,134,3,0,1,0,technical,medium -0.09,0.88,6,269,4,0,1,0,technical,medium -0.09,0.77,6,290,4,0,1,0,technical,medium -0.37,0.51,2,132,3,0,1,0,technical,medium -0.1,0.89,7,308,4,0,1,0,technical,medium -0.77,1,4,232,5,0,1,0,technical,medium -0.79,0.86,5,235,5,0,1,0,support,medium -0.43,0.55,2,130,3,0,1,0,support,high -0.38,0.53,2,146,3,0,1,0,support,low -0.77,0.91,5,221,6,0,1,0,support,medium -0.44,0.5,2,130,3,0,1,0,support,medium -0.39,0.46,2,136,3,0,1,0,support,medium -0.1,0.79,6,275,4,0,1,0,management,low -0.1,0.9,6,299,4,0,1,0,marketing,low -0.36,0.49,2,147,3,0,1,0,marketing,low -0.1,0.97,7,306,4,0,1,0,marketing,low -0.84,1,5,242,5,0,1,0,sales,low -0.38,0.51,2,159,3,0,1,0,sales,low -0.41,0.49,2,147,3,0,1,0,sales,low -0.37,0.51,2,154,3,1,1,0,sales,low -0.43,0.56,2,129,3,0,1,0,sales,low -0.46,0.53,2,161,3,0,1,0,sales,low -0.09,0.84,6,269,4,0,1,0,sales,low -0.78,0.86,5,274,5,0,1,0,sales,low -0.45,0.53,2,159,3,0,1,0,sales,low -0.42,0.47,2,135,3,0,1,0,sales,low -0.46,0.53,2,147,3,0,1,0,sales,low -0.39,0.49,2,142,3,0,1,0,sales,low -0.36,0.51,2,130,3,0,1,0,sales,low -0.43,0.53,2,147,3,0,1,0,sales,medium -0.85,0.87,5,246,5,1,1,0,sales,medium -0.11,0.92,6,281,4,0,1,0,sales,medium -0.11,0.9,6,253,4,0,1,0,sales,medium -0.38,0.47,2,128,3,0,1,0,sales,medium -0.43,0.57,2,129,3,0,1,0,sales,medium -0.75,1,5,223,6,0,1,0,accounting,medium -0.11,0.92,6,269,4,0,1,0,accounting,medium -0.1,0.9,7,269,4,0,1,0,accounting,medium -0.1,0.81,7,244,5,0,1,0,hr,medium -0.37,0.5,2,154,3,0,1,0,hr,medium -0.11,0.93,5,140,5,0,1,0,hr,medium -0.45,0.46,2,159,3,0,1,0,hr,high -0.44,0.48,2,158,3,0,1,0,technical,low -0.44,0.56,2,133,3,0,1,0,technical,medium -0.11,0.77,6,247,4,0,1,0,technical,medium -0.79,0.93,5,268,5,0,1,0,technical,medium -0.8,0.9,5,267,5,0,1,0,technical,medium -0.1,0.87,7,251,5,0,1,0,technical,low -0.09,0.93,6,279,4,0,1,0,technical,low -0.7,0.84,6,161,4,0,1,0,technical,low -0.72,0.84,4,256,5,0,1,0,technical,low -0.11,0.8,6,304,4,0,1,0,technical,low -0.39,0.51,2,137,3,0,1,0,technical,low -0.4,0.49,2,144,3,0,1,0,support,low -0.43,0.54,2,142,3,0,1,0,support,low -0.76,0.87,5,262,5,0,1,0,support,low -0.4,0.48,2,142,3,0,1,0,support,low -0.09,0.89,6,282,4,0,1,0,support,low -0.37,0.54,2,157,3,0,1,0,support,low -0.87,0.91,5,228,5,0,1,0,support,low -0.1,0.86,6,283,4,0,1,0,support,low -0.11,0.86,6,286,4,0,1,0,support,low -0.43,0.5,2,148,3,0,1,0,support,low -0.1,0.81,6,245,4,0,1,0,support,low -0.11,0.95,6,279,4,0,1,0,technical,low -0.85,0.87,5,245,5,0,1,0,technical,low -0.37,0.49,2,138,3,0,1,0,technical,low -0.44,0.52,2,141,3,0,1,0,management,low -0.1,0.83,7,302,5,0,1,0,IT,medium -0.11,0.89,6,268,4,0,1,0,IT,medium -0.87,0.88,5,240,5,0,1,0,IT,medium -0.39,0.49,2,127,3,0,1,0,IT,medium -0.1,0.94,7,264,4,0,1,0,IT,medium -0.44,0.53,2,155,3,0,1,0,product_mng,medium -0.4,0.49,2,143,3,0,1,0,product_mng,medium -0.76,0.98,5,217,6,0,1,0,product_mng,medium -0.46,0.55,2,147,3,0,1,0,product_mng,medium -0.9,0.92,4,271,5,0,1,0,IT,medium -0.85,0.87,4,273,5,0,1,0,RandD,medium -0.1,0.78,5,285,4,1,1,0,RandD,medium -0.43,0.49,2,131,3,0,1,0,RandD,high -0.2,0.5,5,135,6,0,1,0,RandD,low -0.81,0.92,5,239,5,0,1,0,RandD,medium -0.83,0.85,5,237,5,0,1,0,marketing,medium -0.14,0.75,4,277,5,1,1,0,sales,medium -0.1,0.84,5,303,5,0,1,0,accounting,medium -0.91,0.98,4,242,6,0,1,0,support,low -0.37,0.57,2,158,3,0,1,0,technical,low -0.42,0.57,2,147,3,1,1,0,management,low -0.39,0.68,2,282,5,0,1,0,marketing,low -0.39,0.54,2,154,3,0,1,0,marketing,low -0.44,0.52,2,149,3,0,1,0,marketing,low -0.37,0.45,2,149,3,0,1,0,sales,low -0.39,0.53,2,146,3,0,1,0,sales,low -0.72,0.94,4,258,5,0,1,0,sales,low -0.37,0.49,2,148,3,0,1,0,sales,low -0.82,0.94,5,236,5,0,1,0,sales,low -0.42,0.52,2,134,3,0,1,0,sales,low -0.59,1,2,155,5,0,1,0,sales,low -0.82,0.86,5,257,5,0,1,0,sales,low -0.73,0.97,6,189,2,0,1,0,sales,low -0.78,0.66,3,164,3,0,1,0,sales,low -0.09,0.95,6,271,4,0,1,0,sales,low -0.1,0.97,6,280,4,0,1,0,sales,low -0.45,0.46,2,149,3,0,1,0,sales,low -0.83,0.81,5,219,5,0,1,0,sales,low -0.43,0.51,2,128,3,0,1,0,sales,low -0.4,0.47,2,128,3,0,1,0,sales,medium -0.43,0.46,2,157,3,0,1,0,sales,medium -0.78,0.93,4,225,5,0,1,0,sales,medium -0.39,0.45,2,140,3,0,1,0,sales,medium -0.11,0.97,6,310,4,0,1,0,accounting,medium -0.36,0.52,2,143,3,0,1,0,accounting,medium -0.36,0.54,2,153,3,0,1,0,accounting,medium -0.1,0.79,7,310,4,0,1,0,hr,medium -0.4,0.47,2,136,3,0,1,0,hr,medium -0.81,0.85,4,251,6,0,1,0,hr,medium -0.4,0.47,2,144,3,0,1,0,hr,medium -0.09,0.93,6,296,4,0,1,0,technical,medium -0.76,0.89,5,238,5,0,1,0,technical,high -0.73,0.93,5,162,4,0,1,0,technical,low -0.38,0.49,2,137,3,0,1,0,technical,medium -0.72,0.84,5,257,5,0,1,0,technical,medium -0.4,0.56,2,148,3,0,1,0,technical,medium -0.91,0.99,5,254,5,0,1,0,technical,medium -0.85,0.85,4,247,6,0,1,0,technical,low -0.9,0.7,5,206,4,0,1,0,technical,low -0.46,0.55,2,145,3,0,1,0,technical,low -0.43,0.57,2,159,3,1,1,0,technical,low -0.89,0.88,5,228,5,1,1,0,support,low -0.09,0.81,6,257,4,0,1,0,support,low -0.4,0.48,2,155,3,0,1,0,support,low -0.76,0.83,6,293,6,0,1,0,support,low -0.4,0.57,2,151,3,0,1,0,support,low -0.37,0.48,2,160,3,0,1,0,support,low -0.37,0.53,2,143,3,0,1,0,support,low -0.11,0.96,6,280,4,0,1,0,support,low +satisfaction_level,last_evaluation,number_of_projects,average_monthly_hours,years_at_company,work_accident,left,promotion_last_5years,department,salary +0.38,0.53,2,157,3,0,1,0,sales,low +0.8,0.86,5,262,6,0,1,0,sales,medium +0.11,0.88,7,272,4,0,1,0,sales,medium +0.72,0.87,5,223,5,0,1,0,sales,low +0.37,0.52,2,159,3,0,1,0,sales,low +0.41,0.5,2,153,3,0,1,0,sales,low +0.1,0.77,6,247,4,0,1,0,sales,low +0.92,0.85,5,259,5,0,1,0,sales,low +0.89,1,5,224,5,0,1,0,sales,low +0.42,0.53,2,142,3,0,1,0,sales,low +0.45,0.54,2,135,3,0,1,0,sales,low +0.11,0.81,6,305,4,0,1,0,sales,low +0.84,0.92,4,234,5,0,1,0,sales,low +0.41,0.55,2,148,3,0,1,0,sales,low +0.36,0.56,2,137,3,0,1,0,sales,low +0.38,0.54,2,143,3,0,1,0,sales,low +0.45,0.47,2,160,3,0,1,0,sales,low +0.78,0.99,4,255,6,0,1,0,sales,low +0.45,0.51,2,160,3,1,1,1,sales,low +0.76,0.89,5,262,5,0,1,0,sales,low +0.11,0.83,6,282,4,0,1,0,sales,low +0.38,0.55,2,147,3,0,1,0,sales,low +0.09,0.95,6,304,4,0,1,0,sales,low +0.46,0.57,2,139,3,0,1,0,sales,low +0.4,0.53,2,158,3,0,1,0,sales,low +0.89,0.92,5,242,5,0,1,0,sales,low +0.82,0.87,4,239,5,0,1,0,sales,low +0.4,0.49,2,135,3,0,1,0,sales,low +0.41,0.46,2,128,3,0,1,0,accounting,low +0.38,0.5,2,132,3,0,1,0,accounting,low +0.09,0.62,6,294,4,0,1,0,accounting,low +0.45,0.57,2,134,3,0,1,0,hr,low +0.4,0.51,2,145,3,0,1,0,hr,low +0.45,0.55,2,140,3,0,1,0,hr,low +0.84,0.87,4,246,6,0,1,0,hr,low +0.1,0.94,6,255,4,0,1,0,technical,low +0.38,0.46,2,137,3,0,1,0,technical,low +0.45,0.5,2,126,3,0,1,0,technical,low +0.11,0.89,6,306,4,0,1,0,technical,low +0.41,0.54,2,152,3,0,1,0,technical,low +0.87,0.88,5,269,5,0,1,0,technical,low +0.45,0.48,2,158,3,0,1,0,technical,low +0.4,0.46,2,127,3,0,1,0,technical,low +0.1,0.8,7,281,4,0,1,0,technical,low +0.09,0.89,6,276,4,0,1,0,technical,low +0.84,0.74,3,182,4,0,1,0,technical,low +0.4,0.55,2,147,3,0,1,0,support,low +0.57,0.7,3,273,6,0,1,0,support,low +0.4,0.54,2,148,3,0,1,0,support,low +0.43,0.47,2,147,3,0,1,0,support,low +0.13,0.78,6,152,2,0,1,0,support,low +0.44,0.55,2,135,3,0,1,0,support,low +0.38,0.55,2,134,3,0,1,0,support,low +0.39,0.54,2,132,3,0,1,0,support,low +0.1,0.92,7,307,4,0,1,0,support,low +0.37,0.46,2,140,3,0,1,0,support,low +0.11,0.94,7,255,4,0,1,0,support,low +0.1,0.81,6,309,4,0,1,0,technical,low +0.38,0.54,2,128,3,0,1,0,technical,low +0.85,1,4,225,5,0,1,0,technical,low +0.85,0.91,5,226,5,0,1,0,management,medium +0.11,0.93,7,308,4,0,1,0,IT,medium +0.1,0.95,6,244,5,0,1,0,IT,medium +0.36,0.56,2,132,3,0,1,0,IT,medium +0.11,0.94,6,286,4,0,1,0,IT,medium +0.81,0.7,6,161,4,0,1,0,IT,medium +0.43,0.54,2,153,3,0,1,0,product_mng,medium +0.9,0.98,4,264,6,0,1,0,product_mng,medium +0.76,0.86,5,223,5,1,1,0,product_mng,medium +0.43,0.5,2,135,3,0,1,0,product_mng,medium +0.74,0.99,2,277,3,0,1,0,IT,medium +0.09,0.77,5,275,4,0,1,0,product_mng,medium +0.45,0.49,2,149,3,0,1,0,product_mng,high +0.09,0.87,7,295,4,0,1,0,product_mng,low +0.11,0.97,6,277,4,0,1,0,product_mng,medium +0.11,0.79,7,306,4,0,1,0,product_mng,medium +0.1,0.83,6,295,4,0,1,0,product_mng,medium +0.4,0.54,2,137,3,0,1,0,marketing,medium +0.43,0.56,2,157,3,0,1,0,sales,low +0.39,0.56,2,142,3,0,1,0,accounting,low +0.45,0.54,2,140,3,0,1,0,support,low +0.38,0.49,2,151,3,0,1,0,technical,low +0.79,0.59,4,139,3,0,1,1,management,low +0.84,0.85,4,249,6,0,1,0,marketing,low +0.11,0.77,6,291,4,0,1,0,marketing,low +0.11,0.87,6,305,4,0,1,0,marketing,low +0.17,0.84,5,232,3,0,1,0,sales,low +0.44,0.45,2,132,3,0,1,0,sales,low +0.37,0.57,2,130,3,0,1,0,sales,low +0.1,0.79,6,291,4,0,1,0,sales,low +0.4,0.5,2,130,3,0,1,0,sales,low +0.89,1,5,246,5,0,1,0,sales,low +0.42,0.48,2,143,3,0,1,0,sales,low +0.46,0.55,2,129,3,0,1,0,sales,low +0.09,0.83,6,255,4,0,1,0,sales,low +0.37,0.51,2,155,3,0,1,0,sales,low +0.1,0.77,6,265,4,0,1,0,sales,low +0.1,0.84,6,279,4,0,1,0,sales,low +0.11,0.97,6,284,4,0,1,0,sales,low +0.9,1,5,221,6,0,1,0,sales,medium +0.38,0.52,2,154,3,0,1,0,sales,medium +0.36,0.52,2,147,3,0,1,0,sales,medium +0.42,0.46,2,150,3,0,1,0,sales,medium +0.09,0.94,7,267,4,0,1,0,sales,medium +0.43,0.52,2,158,3,0,1,0,sales,medium +0.24,0.46,7,224,5,0,1,0,accounting,medium +0.91,1,4,257,5,0,1,0,accounting,medium +0.44,0.5,2,148,3,0,1,0,accounting,medium +0.71,0.87,3,177,4,0,1,0,hr,medium +0.4,0.49,2,155,3,0,1,0,hr,medium +0.43,0.47,2,144,3,0,1,0,hr,medium +0.09,0.85,6,289,4,0,1,0,hr,high +0.43,0.52,2,160,3,0,1,0,technical,low +0.9,0.96,4,258,5,0,1,0,technical,medium +0.84,1,5,234,5,0,1,0,technical,medium +0.37,0.48,2,137,3,0,1,0,technical,medium +0.86,0.68,5,263,2,0,1,0,technical,medium +0.11,0.84,6,251,4,0,1,0,technical,low +0.37,0.57,2,133,3,0,1,0,technical,low +0.4,0.46,2,132,3,0,1,0,technical,low +0.14,0.62,4,158,4,1,1,0,technical,low +0.4,0.46,2,135,3,0,1,0,technical,low +0.75,1,4,216,6,0,1,0,technical,low +0.11,0.84,6,300,5,1,1,0,support,low +0.46,0.49,2,138,3,0,1,0,support,low +0.11,0.92,6,260,4,0,1,0,support,low +0.38,0.49,2,132,3,0,1,0,support,low +0.7,0.89,3,183,5,0,1,0,support,low +0.09,0.82,6,250,4,0,1,0,support,low +0.37,0.45,2,151,3,0,1,0,support,low +0.1,0.83,6,292,4,0,1,0,support,low +0.38,0.57,2,140,3,0,1,0,support,low +0.9,1,5,221,5,0,1,0,support,low +0.44,0.51,2,138,3,0,1,0,support,low +0.36,0.5,2,132,3,0,1,0,technical,low +0.31,0.84,7,133,5,0,1,0,technical,low +0.1,0.84,6,283,4,1,1,0,technical,low +0.42,0.48,2,129,3,0,1,0,management,low +0.74,1,4,249,5,0,1,0,IT,low +0.73,0.87,5,257,5,0,1,0,IT,low +0.09,0.96,6,245,4,0,1,0,IT,low +0.45,0.53,2,155,3,0,1,0,IT,low +0.11,0.8,6,256,4,0,1,0,IT,low +0.37,0.47,2,152,3,0,1,0,product_mng,low +0.84,0.99,4,267,5,0,1,0,product_mng,low +0.41,0.46,2,151,3,0,1,0,product_mng,low +0.76,0.92,4,239,5,0,1,0,product_mng,low +0.11,0.87,6,306,4,0,1,0,IT,low +0.84,0.88,4,263,5,1,1,0,marketing,low +0.39,0.5,2,147,3,0,1,0,marketing,low +0.11,0.91,6,278,4,0,1,0,marketing,low +0.45,0.56,2,154,3,0,1,0,marketing,low +0.37,0.52,2,143,3,0,1,0,marketing,low +0.4,0.52,2,155,3,0,1,0,marketing,low +0.39,0.48,2,160,3,0,1,0,sales,low +0.11,0.8,6,304,4,0,1,0,accounting,low +0.83,1,5,240,5,0,1,0,support,low +0.11,0.92,6,305,4,0,1,0,technical,low +0.39,0.5,2,136,3,0,1,0,management,low +0.45,0.45,2,132,3,0,1,0,marketing,low +0.1,0.95,7,301,4,0,1,0,marketing,low +0.9,0.98,5,243,6,0,1,0,marketing,low +0.45,0.51,2,147,3,0,1,0,sales,low +0.79,0.89,5,239,5,0,1,0,sales,low +0.9,0.99,5,260,5,0,1,0,sales,low +0.11,0.84,7,296,4,0,1,0,sales,low +0.43,0.55,2,129,3,0,1,0,sales,low +0.31,0.54,5,132,5,0,1,0,sales,low +0.32,0.5,2,135,5,0,1,0,sales,low +0.45,0.57,2,158,3,0,1,0,sales,low +0.81,0.99,4,259,5,0,1,0,sales,low +0.41,0.46,2,160,3,0,1,1,sales,low +0.11,0.78,7,278,4,0,1,0,sales,low +0.1,0.88,6,284,4,0,1,0,sales,low +0.7,0.53,2,274,4,0,1,0,sales,low +0.54,0.74,4,164,2,0,1,0,sales,low +0.41,0.48,2,148,3,0,1,0,sales,low +0.38,0.5,2,140,3,0,1,0,sales,medium +0.37,0.51,2,127,3,0,1,0,sales,medium +0.11,0.85,6,308,5,0,1,0,sales,medium +0.4,0.47,2,146,3,0,1,0,sales,medium +0.1,0.84,6,261,4,0,1,0,accounting,medium +0.89,0.99,5,257,5,0,1,0,accounting,medium +0.11,0.8,6,285,4,0,1,0,accounting,medium +0.36,0.55,2,141,3,0,1,0,hr,medium +0.4,0.46,2,127,3,0,1,0,hr,medium +0.09,0.85,6,297,4,0,1,0,hr,medium +0.4,0.46,2,143,3,0,1,0,hr,medium +0.37,0.55,2,152,3,0,1,0,technical,medium +0.44,0.51,2,156,3,0,1,0,technical,high +0.09,0.8,7,283,5,0,1,0,technical,low +0.92,0.87,4,226,6,1,1,0,technical,medium +0.74,0.91,4,232,5,0,1,0,technical,medium +0.09,0.82,6,249,4,0,1,0,technical,medium +0.89,0.95,4,275,5,0,1,0,technical,medium +0.09,0.8,6,304,4,0,1,0,technical,low +0.27,0.54,7,278,3,0,1,0,technical,low +0.1,0.91,6,287,4,0,1,0,technical,low +0.1,0.89,7,285,4,0,1,0,technical,low +0.77,0.94,5,226,6,0,1,0,support,low +0.9,0.82,5,259,5,0,1,0,support,low +0.39,0.5,2,135,3,0,1,0,support,low +0.76,1,5,219,5,0,1,0,support,low +0.1,0.93,6,256,4,0,1,0,support,low +0.87,0.9,5,254,6,0,1,0,support,low +0.38,0.5,2,153,3,0,1,0,support,low +0.77,0.99,5,228,5,0,1,0,support,low +0.78,0.87,4,228,5,0,1,0,support,low +0.44,0.5,2,128,3,0,1,0,support,low +0.38,0.52,2,153,3,0,1,0,support,low +0.43,0.46,2,156,3,0,1,0,technical,low +0.39,0.5,4,294,3,0,1,0,technical,low +0.88,1,5,219,5,0,1,0,technical,low +0.45,0.46,2,153,3,0,1,0,management,low +0.4,0.53,2,151,3,0,1,0,IT,low +0.36,0.51,2,155,3,0,1,0,IT,low +0.36,0.48,2,158,3,0,1,0,IT,low +0.9,0.98,5,245,5,0,1,0,IT,low +0.43,0.53,2,131,3,0,1,0,IT,low +0.89,0.87,5,225,5,0,1,0,product_mng,low +0.1,0.84,6,286,4,0,1,0,product_mng,low +0.37,0.5,2,135,3,0,1,0,product_mng,low +0.37,0.51,2,153,3,0,1,0,product_mng,low +0.87,0.9,5,252,5,0,1,0,IT,low +0.4,0.56,2,149,3,0,1,0,accounting,low +0.9,0.97,4,258,5,0,1,0,accounting,low +0.37,0.46,2,158,3,0,1,0,hr,low +0.44,0.54,2,149,3,0,1,0,hr,low +0.85,0.95,5,236,5,0,1,0,hr,low +0.78,0.98,5,239,6,0,1,0,marketing,low +0.42,0.47,2,159,3,0,1,0,marketing,low +0.92,0.99,5,255,6,0,1,0,sales,low +0.11,0.83,6,244,4,0,1,0,accounting,low +0.42,0.56,2,134,3,0,1,0,support,low +0.48,0.57,4,270,4,0,1,0,technical,low +0.83,0.85,4,255,5,0,1,0,management,low +0.4,0.53,2,151,3,0,1,0,marketing,low +0.43,0.45,2,135,3,0,1,0,marketing,low +0.43,0.53,2,146,3,0,1,0,marketing,low +0.1,0.97,7,254,4,0,1,0,sales,low +0.1,0.87,7,289,4,0,1,0,sales,low +0.37,0.46,2,156,3,0,1,0,sales,low +0.38,0.53,2,156,3,0,1,0,sales,low +0.4,0.5,2,128,3,0,1,0,sales,low +0.89,0.86,5,275,5,0,1,0,sales,low +0.45,0.46,2,155,3,0,1,0,sales,low +0.37,0.48,2,159,3,0,1,0,sales,low +0.46,0.49,2,148,3,0,1,0,sales,low +0.87,0.91,4,228,5,0,1,0,sales,low +0.11,0.84,6,298,4,0,1,0,sales,low +0.79,0.87,5,261,5,0,1,0,sales,low +0.79,0.92,5,254,6,0,1,0,sales,low +0.19,0.59,7,192,3,0,1,0,sales,low +0.87,0.98,4,248,5,0,1,0,sales,low +0.6,0.92,2,258,5,0,1,0,sales,low +0.44,0.45,2,156,3,0,1,0,sales,medium +0.11,0.81,6,266,4,1,1,0,sales,medium +0.42,0.54,2,156,3,0,1,0,sales,medium +0.88,0.88,5,232,5,1,1,0,accounting,medium +0.11,0.84,6,287,4,0,1,0,accounting,medium +0.46,0.46,2,154,3,0,1,0,accounting,medium +0.82,0.97,5,263,5,0,1,0,hr,medium +0.44,0.56,2,131,3,0,1,0,hr,medium +0.11,0.78,6,260,4,0,1,0,hr,medium +0.42,0.5,2,139,3,0,1,0,hr,medium +0.84,0.93,4,251,5,0,1,0,technical,medium +0.11,0.95,6,286,4,0,1,0,technical,medium +0.45,0.53,2,129,3,0,1,0,technical,high +0.38,0.56,2,156,3,0,1,0,technical,low +0.38,0.86,6,139,6,0,1,0,technical,medium +0.44,0.51,2,127,3,0,1,0,technical,medium +0.11,0.84,6,251,4,0,1,0,technical,medium +0.81,0.93,5,270,5,0,1,0,technical,medium +0.09,0.96,6,296,4,0,1,0,technical,low +0.11,0.9,6,254,4,0,1,0,technical,low +0.81,0.95,5,238,6,0,1,0,technical,low +0.1,0.97,6,267,4,1,1,0,support,low +0.74,0.89,5,229,6,0,1,0,support,low +0.09,0.78,6,254,4,0,1,0,support,low +0.82,0.81,4,233,4,1,1,0,support,low +0.1,0.98,6,268,4,0,1,0,support,low +0.27,0.56,3,301,3,0,1,0,support,low +0.83,0.92,5,267,6,0,1,0,support,low +0.1,0.93,6,289,4,1,1,0,support,low +0.38,0.47,2,144,3,0,1,0,support,low +0.4,0.56,2,148,3,0,1,0,support,low +0.11,0.83,6,306,4,0,1,0,support,low +0.11,0.79,6,292,4,0,1,1,technical,low +0.82,0.91,5,232,5,0,1,0,technical,low +0.36,0.48,2,137,3,0,1,0,technical,low +0.4,0.46,2,128,3,0,1,0,management,low +0.87,0.84,5,231,5,0,1,0,IT,low +0.41,0.49,2,146,3,0,1,0,IT,low +0.11,0.91,6,308,4,1,1,0,IT,low +0.1,0.93,6,253,4,0,1,0,IT,medium +0.38,0.51,2,146,3,0,1,0,IT,medium +0.39,0.55,2,156,3,0,1,0,product_mng,medium +0.4,0.52,2,147,3,0,1,0,product_mng,medium +0.45,0.48,2,136,3,0,1,0,product_mng,medium +0.74,0.84,5,249,5,0,1,0,product_mng,medium +0.45,0.55,2,151,3,0,1,0,IT,medium +0.12,1,3,278,4,0,1,0,RandD,medium +0.1,0.77,7,250,5,0,1,0,RandD,medium +0.37,0.55,2,127,3,0,1,0,RandD,medium +0.89,0.87,5,255,5,0,1,0,RandD,medium +0.45,0.47,2,135,3,0,1,0,RandD,medium +0.37,0.46,2,149,3,0,1,0,marketing,high +0.11,0.81,5,287,4,0,1,0,sales,low +0.41,0.48,2,145,3,0,1,0,accounting,medium +0.1,0.94,6,285,4,0,1,0,support,medium +0.1,0.93,7,305,4,0,1,0,technical,medium +0.11,0.95,7,300,4,0,1,0,management,medium +0.4,0.54,2,139,3,0,1,0,marketing,low +0.41,0.49,2,130,3,0,1,0,marketing,low +0.1,0.81,6,268,4,0,1,0,marketing,low +0.73,0.86,4,245,6,0,1,0,sales,low +0.43,0.47,2,135,3,0,1,0,sales,low +0.37,0.46,2,153,3,0,1,0,sales,low +0.11,0.94,6,276,4,0,1,0,sales,low +0.4,0.46,2,130,3,0,1,0,sales,low +0.41,0.54,2,153,3,1,1,0,sales,low +0.82,0.84,5,244,5,0,1,0,sales,low +0.61,0.47,2,253,3,0,1,0,sales,low +0.11,0.91,7,287,4,0,1,0,sales,low +0.37,0.45,2,131,3,0,1,0,sales,low +0.41,0.52,2,135,3,0,1,0,sales,low +0.37,0.52,2,157,3,0,1,0,sales,low +0.88,0.99,5,262,6,0,1,0,sales,low +0.1,0.85,6,266,4,0,1,0,sales,low +0.44,0.48,2,148,3,0,1,0,sales,low +0.38,0.57,2,140,3,0,1,0,sales,low +0.11,0.85,7,302,4,0,1,0,sales,low +0.09,0.98,6,271,4,0,1,0,sales,low +0.45,0.52,2,145,3,0,1,0,sales,medium +0.1,0.81,6,290,4,0,1,0,accounting,medium +0.45,0.47,2,151,3,0,1,0,accounting,medium +0.77,0.87,5,266,5,0,1,0,accounting,medium +0.44,0.51,2,140,3,0,1,0,hr,medium +0.39,0.5,2,142,3,0,1,0,hr,medium +0.1,0.91,6,246,4,0,1,0,hr,medium +0.09,0.89,7,308,5,0,1,0,hr,medium +0.37,0.47,2,141,3,0,1,0,technical,medium +0.9,1,5,232,5,0,1,0,technical,medium +0.41,0.56,2,143,3,0,1,0,technical,medium +0.37,0.52,2,155,3,0,1,0,technical,medium +0.1,0.86,6,278,4,0,1,0,technical,high +0.81,1,4,253,5,0,1,0,technical,low +0.11,0.8,6,282,4,0,1,0,technical,medium +0.11,0.84,7,264,4,0,1,0,technical,medium +0.4,0.46,2,149,3,0,1,0,technical,medium +0.09,0.8,6,304,5,0,1,0,technical,medium +0.48,0.93,3,219,6,0,1,0,technical,low +0.91,0.91,4,262,6,0,1,0,support,low +0.43,0.57,2,135,3,0,1,0,support,low +0.33,0.88,6,219,5,0,1,0,support,low +0.41,0.57,2,136,3,0,1,0,support,low +0.41,0.55,2,154,3,0,1,0,support,low +0.37,0.54,2,149,3,0,1,0,support,low +0.31,0.62,6,135,5,0,1,0,support,low +0.09,0.91,6,275,4,0,1,0,support,low +0.1,0.87,6,290,4,0,1,0,support,low +0.76,0.9,4,263,5,0,1,0,support,low +0.41,0.54,2,145,3,0,1,0,support,low +0.72,0.96,5,267,5,0,1,0,technical,low +0.4,0.5,2,141,3,1,1,0,technical,low +0.91,0.87,4,235,5,0,1,0,technical,low +0.1,0.83,6,258,4,0,1,0,management,low +0.4,0.56,2,131,3,0,1,0,IT,low +0.82,0.86,5,243,5,0,1,0,IT,low +0.1,0.82,6,266,4,0,1,0,IT,low +0.37,0.45,2,142,3,0,1,0,IT,low +0.36,0.51,2,135,3,0,1,0,IT,low +0.39,0.48,2,141,3,0,1,0,product_mng,medium +0.36,0.57,2,142,3,0,1,0,product_mng,medium +0.86,0.84,5,254,5,0,1,0,product_mng,medium +0.73,0.99,5,262,5,0,1,0,product_mng,medium +0.56,0.71,4,296,2,0,1,0,IT,medium +0.44,0.56,2,158,3,0,1,0,accounting,medium +0.31,0.56,4,238,2,0,1,0,accounting,medium +0.77,0.93,4,231,5,0,1,0,hr,medium +0.44,0.45,2,156,3,0,1,0,hr,medium +0.38,0.46,2,145,3,0,1,0,hr,medium +0.45,0.48,2,144,3,0,1,0,marketing,medium +0.38,0.51,2,159,3,0,1,0,sales,medium +0.36,0.48,2,156,3,0,1,0,accounting,high +0.75,0.9,5,256,5,0,1,0,support,low +0.1,0.93,6,298,4,0,1,0,technical,medium +0.1,0.97,6,247,4,0,1,0,management,medium +0.45,0.5,2,157,3,0,1,0,marketing,medium +0.42,0.57,2,154,3,1,1,0,marketing,medium +0.78,1,4,253,5,0,1,0,marketing,low +0.45,0.55,2,148,3,0,1,0,sales,low +0.84,1,4,261,5,0,1,0,sales,low +0.11,0.93,6,282,4,0,1,0,sales,low +0.42,0.56,2,133,3,0,1,0,sales,low +0.45,0.46,2,128,3,0,1,0,sales,low +0.46,0.57,2,139,3,0,1,0,sales,low +0.09,0.79,6,293,5,0,1,0,sales,low +0.87,0.83,4,265,6,0,1,0,sales,low +0.1,0.87,6,250,4,0,1,0,sales,low +0.91,1,5,251,6,0,1,0,sales,low +0.76,0.92,4,246,5,0,1,0,sales,low +0.74,1,5,275,5,0,1,0,sales,low +0.92,0.93,5,240,5,0,1,0,sales,low +0.76,0.87,5,245,5,0,1,0,sales,low +0.47,0.5,4,254,4,0,1,0,sales,low +0.73,0.99,5,241,5,0,1,0,sales,low +0.09,0.94,6,257,4,0,1,0,sales,low +0.91,0.92,4,246,5,0,1,0,sales,low +0.82,0.98,4,233,5,0,1,0,sales,low +0.28,0.45,6,218,4,0,1,0,accounting,low +0.84,0.99,4,262,6,0,1,0,accounting,medium +0.45,0.53,2,138,3,0,1,0,accounting,medium +0.45,0.54,2,142,3,0,1,0,hr,medium +0.91,0.97,5,233,5,0,1,0,hr,medium +0.42,0.48,2,155,3,0,1,0,hr,medium +0.82,1,4,229,6,0,1,0,hr,medium +0.11,0.9,6,264,4,0,1,0,technical,medium +0.42,0.53,3,199,4,0,1,0,technical,medium +0.82,0.85,4,223,5,0,1,0,technical,medium +0.09,0.96,6,268,4,0,1,0,technical,medium +0.1,0.94,6,287,4,0,1,0,technical,medium +0.86,1,5,257,5,0,1,0,technical,medium +0.4,0.46,2,143,3,0,1,0,technical,high +0.45,0.46,2,130,3,0,1,0,technical,low +0.42,0.51,2,136,3,0,1,0,technical,medium +0.74,0.92,4,261,5,0,1,0,technical,medium +0.55,0.6,3,180,4,0,1,0,technical,medium +0.37,0.45,2,126,3,0,1,0,support,medium +0.41,0.52,2,127,3,1,1,0,support,low +0.89,0.65,5,195,6,0,1,0,support,low +0.41,0.57,2,160,3,0,1,0,support,low +0.44,0.51,2,150,3,0,1,0,support,low +0.87,0.84,4,264,6,0,1,0,support,low +0.1,0.84,6,309,4,0,1,0,support,low +0.41,0.47,2,135,3,0,1,0,support,low +0.11,0.85,6,261,4,0,1,0,support,low +0.43,0.53,2,160,3,0,1,0,support,low +0.77,0.9,4,237,5,0,1,0,support,low +0.41,0.52,2,136,3,0,1,0,technical,low +0.41,0.48,2,139,3,0,1,0,technical,low +0.36,0.78,2,151,4,0,1,0,technical,low +0.77,1,5,229,5,0,1,0,management,low +0.81,0.98,5,245,5,0,1,0,IT,low +0.39,0.54,2,127,3,0,1,0,IT,low +0.09,0.94,6,283,5,0,1,0,IT,low +0.44,0.46,2,143,3,0,1,0,IT,low +0.1,0.84,5,298,4,0,1,0,IT,low +0.36,0.48,2,159,3,0,1,0,product_mng,low +0.81,0.92,5,239,5,0,1,0,product_mng,low +0.81,0.9,4,226,5,0,1,0,product_mng,medium +0.85,0.98,5,248,5,0,1,0,product_mng,medium +0.1,0.87,6,286,4,0,1,0,IT,medium +0.37,0.54,2,145,3,0,1,0,RandD,medium +0.09,0.97,7,254,4,1,1,0,RandD,medium +0.44,0.53,2,127,3,0,1,0,RandD,medium +0.86,0.93,5,223,5,0,1,0,RandD,medium +0.77,1,4,255,5,0,1,0,RandD,medium +0.41,0.48,2,136,3,0,1,0,marketing,medium +0.4,0.48,2,137,3,0,1,0,sales,medium +0.43,0.49,2,135,3,0,1,0,accounting,medium +0.43,0.5,2,137,3,0,1,0,support,medium +0.8,0.53,3,255,5,0,1,0,technical,high +0.8,0.85,4,273,5,0,1,0,management,low +0.82,0.98,5,234,5,0,1,0,marketing,medium +0.37,0.54,2,152,3,0,1,0,marketing,medium +0.37,0.48,2,134,3,0,1,0,marketing,medium +0.09,0.95,6,292,4,0,1,0,sales,medium +0.9,0.92,5,245,5,0,1,0,sales,low +0.41,0.52,2,159,3,0,1,0,sales,low +0.1,0.85,6,260,4,0,1,0,sales,low +0.44,0.53,2,149,3,0,1,0,sales,low +0.89,0.85,5,266,5,0,1,0,sales,low +0.42,0.56,2,149,3,0,1,0,sales,low +0.87,1,5,242,5,0,1,0,sales,low +0.45,0.57,2,134,3,0,1,0,sales,low +0.11,0.87,5,271,4,0,1,0,sales,low +0.09,0.79,6,275,4,0,1,0,sales,low +0.76,0.83,5,227,5,0,1,0,sales,low +0.11,0.96,7,277,5,0,1,0,sales,low +0.37,0.49,2,151,3,0,1,0,sales,low +0.1,0.79,6,274,4,0,1,0,sales,low +0.77,0.87,4,242,6,0,1,0,sales,low +0.42,0.54,2,143,3,1,1,0,sales,low +0.38,0.52,2,145,3,0,1,0,sales,low +0.32,0.95,5,172,2,0,1,0,sales,low +0.38,0.49,2,135,3,0,1,0,accounting,low +0.19,1,4,192,4,0,1,0,accounting,low +0.1,0.83,7,276,4,0,1,0,accounting,low +0.76,0.88,4,206,4,0,1,0,hr,medium +0.53,0.56,4,281,6,0,1,0,hr,medium +0.39,0.51,2,151,3,0,1,0,hr,medium +0.11,0.83,6,244,4,0,1,0,hr,medium +0.1,0.94,6,309,4,0,1,0,technical,medium +0.84,1,5,218,5,0,1,0,technical,medium +0.82,0.99,4,263,6,0,1,0,technical,medium +0.1,0.82,6,244,4,0,1,0,technical,medium +0.59,0.49,7,263,4,0,1,0,technical,medium +0.44,0.48,2,143,3,0,1,0,technical,medium +0.89,0.95,2,181,5,0,1,0,technical,medium +0.91,0.84,5,265,5,0,1,0,technical,medium +0.66,0.57,5,161,5,0,1,0,technical,high +0.11,0.87,7,282,5,0,1,0,technical,low +0.43,0.51,2,155,3,0,1,0,technical,medium +0.78,0.83,4,217,6,0,1,0,support,medium +0.11,0.97,6,289,5,0,1,0,support,medium +0.83,0.98,4,259,5,0,1,0,support,medium +0.39,0.54,2,158,3,0,1,0,support,low +0.38,0.55,2,158,3,0,1,0,support,low +0.37,0.57,2,155,3,0,1,0,support,low +0.44,0.48,2,146,3,0,1,0,support,low +0.53,0.85,2,164,5,0,1,0,support,low +0.09,0.96,6,259,4,0,1,0,support,low +0.11,0.89,6,293,4,0,1,0,support,low +0.83,0.96,5,275,5,0,1,0,support,low +0.88,1,5,219,6,1,1,0,technical,low +0.1,0.89,6,247,4,0,1,0,technical,low +0.09,0.86,7,309,4,0,1,0,technical,low +0.44,0.54,2,151,3,0,1,0,management,low +0.39,0.51,2,129,3,0,1,0,IT,low +0.87,0.94,4,274,5,0,1,0,IT,low +0.74,0.99,4,233,5,0,1,0,IT,low +0.1,0.95,7,289,4,0,1,0,IT,low +0.74,0.82,4,239,6,0,1,0,IT,low +0.75,0.99,5,221,5,0,1,0,product_mng,low +0.41,0.56,2,150,3,0,1,0,product_mng,low +0.41,0.45,2,144,3,1,1,0,product_mng,low +0.09,0.9,7,289,4,0,1,0,product_mng,low +0.09,0.8,6,301,5,0,1,0,IT,medium +0.39,0.57,2,145,3,0,1,0,accounting,medium +0.4,0.56,2,137,3,0,1,0,accounting,medium +0.37,0.54,2,131,3,1,1,0,hr,medium +0.1,0.84,6,246,4,0,1,0,hr,medium +0.43,0.51,2,136,3,0,1,0,hr,medium +0.75,0.85,5,240,6,1,1,0,marketing,medium +0.37,0.56,2,156,3,0,1,0,sales,medium +0.11,0.85,6,305,4,0,1,0,accounting,medium +0.45,0.45,2,154,3,1,1,0,support,medium +0.87,1,5,261,5,1,1,0,technical,medium +0.11,0.94,7,244,4,0,1,0,management,medium +0.45,0.54,2,129,3,0,1,0,marketing,high +0.81,0.87,4,254,5,0,1,0,marketing,low +0.77,0.91,5,236,5,0,1,0,marketing,medium +0.89,0.92,5,237,5,0,1,0,sales,medium +0.43,0.49,2,135,3,0,1,0,sales,medium +0.78,1,5,236,5,0,1,0,sales,medium +0.37,0.47,2,149,3,0,1,0,sales,low +0.37,0.5,2,141,3,0,1,0,sales,low +0.85,0.82,4,270,5,0,1,0,sales,low +0.41,0.47,2,138,3,0,1,0,sales,low +0.11,0.96,6,298,4,0,1,0,sales,low +0.75,0.99,5,254,5,0,1,0,sales,low +0.82,0.85,5,248,5,0,1,0,sales,low +0.79,1,5,257,6,0,1,0,sales,low +0.43,0.53,2,150,3,0,1,0,sales,low +0.1,0.9,7,281,4,0,1,0,sales,low +0.46,0.48,2,141,3,1,1,0,sales,low +0.43,0.57,2,157,3,0,1,0,sales,low +0.43,0.55,2,136,3,0,1,0,sales,low +0.11,0.8,7,296,4,0,1,0,sales,low +0.09,0.86,6,279,4,0,1,0,sales,low +0.37,0.53,2,131,3,0,1,0,sales,low +0.4,0.57,2,160,3,0,1,0,accounting,low +0.1,0.77,7,291,4,0,1,0,accounting,low +0.41,0.53,2,157,3,0,1,0,accounting,low +0.79,0.58,3,294,4,0,1,0,hr,low +0.11,0.79,7,310,4,0,1,0,hr,low +0.1,0.97,6,282,4,0,1,0,hr,medium +0.44,0.51,2,134,3,0,1,0,hr,medium +0.25,0.46,4,214,4,0,1,0,technical,medium +0.44,0.52,2,137,3,0,1,0,technical,medium +0.73,1,4,252,5,0,1,0,technical,medium +0.75,0.97,5,243,6,0,1,0,technical,medium +0.36,0.47,2,148,3,0,1,0,technical,medium +0.37,0.49,2,151,3,0,1,0,technical,medium +0.39,0.49,2,129,3,0,1,0,technical,medium +0.48,0.78,2,198,2,0,1,0,technical,medium +0.57,0.72,4,275,6,0,1,0,technical,medium +0.9,0.96,5,243,5,0,1,0,technical,medium +0.39,0.55,2,159,3,0,1,0,technical,high +0.44,0.51,2,145,3,0,1,0,support,low +0.81,0.88,5,242,5,0,1,0,support,medium +0.74,0.87,5,242,5,0,1,0,support,medium +0.44,0.56,2,145,3,0,1,0,support,medium +0.41,0.56,2,154,3,0,1,1,support,medium +0.4,0.51,2,139,3,0,1,0,support,low +0.46,0.57,2,152,3,0,1,0,support,low +0.8,0.83,2,211,3,0,1,0,support,low +0.87,0.9,5,258,5,0,1,0,support,low +0.39,0.54,2,155,3,0,1,0,support,low +0.38,0.55,2,148,3,0,1,0,support,low +0.66,0.67,2,255,3,0,1,0,technical,low +0.1,0.8,6,264,4,0,1,0,technical,low +0.37,0.54,2,132,3,0,1,0,technical,low +0.1,0.77,6,255,4,0,1,0,management,low +0.09,0.87,5,263,4,0,1,0,IT,low +0.86,0.84,5,222,5,0,1,0,IT,low +0.11,0.9,6,263,4,0,1,0,IT,low +0.37,0.46,2,157,3,0,1,0,IT,low +0.11,0.92,7,307,4,0,1,0,IT,low +0.77,0.98,5,259,6,0,1,0,product_mng,low +0.84,0.94,5,222,6,0,1,0,product_mng,low +0.1,0.84,7,250,4,0,1,0,product_mng,low +0.83,0.9,5,245,5,0,1,0,product_mng,low +0.11,0.79,6,292,4,0,1,0,IT,low +0.86,0.92,5,252,5,0,1,0,RandD,low +0.38,0.56,2,161,3,0,1,0,RandD,medium +0.11,0.88,5,250,4,0,1,0,RandD,medium +0.45,0.49,2,134,3,0,1,0,RandD,medium +0.1,0.85,7,279,4,0,1,0,RandD,medium +0.09,0.95,7,256,4,0,1,0,marketing,medium +0.39,0.53,2,127,3,0,1,0,sales,medium +0.37,0.47,2,138,3,1,1,0,accounting,medium +0.81,0.97,5,243,5,0,1,0,support,medium +0.09,0.9,7,296,4,0,1,0,technical,medium +0.1,0.88,7,267,4,0,1,0,management,medium +0.39,0.49,2,144,3,0,1,0,marketing,medium +0.83,0.95,4,251,5,0,1,0,marketing,medium +0.45,0.57,2,148,3,0,1,0,marketing,high +0.43,0.51,2,141,3,0,1,0,sales,low +0.8,0.75,3,268,2,0,1,0,sales,medium +0.1,0.86,6,247,4,0,1,0,sales,medium +0.1,0.55,2,247,4,0,1,0,sales,medium +0.36,0.52,2,146,3,0,1,0,sales,medium +0.38,0.5,2,140,3,0,1,0,sales,low +0.78,0.98,5,263,6,0,1,0,sales,low +0.44,0.49,2,145,3,0,1,0,sales,low +0.41,0.46,2,156,3,1,1,0,sales,low +0.72,0.85,5,244,6,0,1,0,sales,low +0.46,0.54,2,144,3,0,1,0,sales,low +0.1,0.9,7,286,4,0,1,0,sales,low +0.34,0.67,4,141,2,0,1,0,sales,low +0.11,0.89,6,260,5,0,1,0,sales,low +0.38,0.56,2,154,3,0,1,0,sales,low +0.82,0.92,5,225,5,0,1,0,sales,low +0.39,0.57,2,127,3,0,1,0,sales,low +0.44,0.53,2,140,3,0,1,0,sales,low +0.43,0.52,2,147,3,0,1,0,sales,low +0.84,0.83,4,227,5,0,1,0,accounting,low +0.43,0.48,2,153,3,0,1,0,accounting,low +0.37,0.52,2,128,3,0,1,0,accounting,low +0.74,0.97,4,228,5,0,1,0,hr,low +0.73,0.97,5,235,5,0,1,0,hr,low +0.37,0.47,2,148,3,0,1,0,hr,low +0.58,0.62,4,238,3,0,1,0,hr,low +0.4,0.54,2,141,3,0,1,0,technical,medium +0.51,0.83,5,249,4,0,1,0,technical,medium +0.46,0.5,2,151,3,0,1,0,technical,medium +0.45,0.54,2,129,3,0,1,0,technical,medium +0.46,0.5,2,156,3,0,1,0,technical,medium +0.39,0.45,2,134,3,0,1,0,technical,medium +0.09,0.88,6,269,4,0,1,0,technical,medium +0.09,0.77,6,290,4,0,1,0,technical,medium +0.37,0.51,2,132,3,0,1,0,technical,medium +0.1,0.89,7,308,4,0,1,0,technical,medium +0.77,1,4,232,5,0,1,0,technical,medium +0.79,0.86,5,235,5,0,1,0,support,medium +0.43,0.55,2,130,3,0,1,0,support,high +0.38,0.53,2,146,3,0,1,0,support,low +0.77,0.91,5,221,6,0,1,0,support,medium +0.44,0.5,2,130,3,0,1,0,support,medium +0.39,0.46,2,136,3,0,1,0,support,medium +0.78,0.89,5,274,6,0,1,0,support,medium +0.1,0.79,6,256,5,0,1,0,support,low +0.1,0.77,5,276,4,0,1,0,support,low +0.75,0.85,5,267,5,0,1,0,support,low +0.46,0.62,6,213,3,0,1,0,support,low +0.91,0.97,4,274,6,0,1,0,technical,low +0.1,0.92,6,258,4,0,1,0,technical,low +0.72,0.6,3,153,5,0,1,0,technical,low +0.11,0.95,6,245,4,0,1,0,management,low +0.11,0.94,6,264,4,0,1,0,IT,low +0.46,0.57,2,154,3,0,1,0,IT,low +0.37,0.46,2,149,3,0,1,0,IT,low +0.46,0.5,2,157,3,0,1,0,IT,low +0.43,0.57,2,127,3,0,1,0,IT,low +0.11,0.82,6,270,4,0,1,0,product_mng,low +0.73,0.89,5,236,6,0,1,0,product_mng,low +0.43,0.47,2,158,3,0,1,0,product_mng,low +0.86,1,5,229,5,0,1,0,product_mng,low +0.1,0.83,6,269,4,0,1,0,IT,low +0.4,0.49,2,128,3,0,1,0,sales,low +0.11,0.87,7,278,4,0,1,0,sales,low +0.86,0.98,3,158,5,0,1,0,sales,low +0.42,1,3,202,3,0,1,0,sales,medium +0.79,0.84,4,240,5,0,1,0,sales,medium +0.1,0.96,7,255,4,0,1,0,marketing,medium +0.09,0.92,7,254,4,0,1,0,sales,medium +0.09,0.82,6,257,4,0,1,0,accounting,medium +0.87,1,4,228,5,0,1,0,support,medium +0.36,0.49,2,145,3,0,1,0,technical,medium +0.42,0.75,3,218,4,0,1,0,management,medium +0.84,0.86,5,268,5,0,1,0,marketing,medium +0.1,0.83,6,278,4,0,1,0,marketing,medium +0.78,0.71,3,249,5,0,1,0,marketing,medium +0.35,0.99,3,236,4,0,1,0,sales,medium +0.1,0.81,7,291,4,0,1,0,sales,high +0.11,0.8,6,306,4,0,1,0,sales,low +0.43,0.48,2,135,3,0,1,0,sales,medium +0.38,0.45,2,156,3,0,1,0,sales,medium +0.46,0.54,2,143,3,0,1,0,sales,medium +0.89,0.82,4,243,5,0,1,0,sales,medium +0.45,0.5,2,147,3,0,1,0,sales,low +0.44,0.53,2,159,3,0,1,0,sales,low +0.74,0.54,5,216,3,0,1,0,sales,low +0.45,0.54,2,152,3,0,1,0,sales,low +0.79,0.93,4,226,5,0,1,0,sales,low +0.79,0.91,5,271,5,0,1,0,sales,low +0.11,0.87,6,255,4,0,1,0,sales,low +0.42,0.48,2,140,3,0,1,0,sales,low +0.64,0.9,6,252,2,0,1,0,sales,low +0.4,0.55,2,159,3,0,1,0,sales,low +0.84,0.98,5,270,5,0,1,0,sales,low +0.73,0.92,5,232,5,0,1,0,sales,low +0.4,0.51,2,144,3,0,1,0,accounting,low +0.36,0.45,2,127,3,0,1,0,accounting,low +0.43,0.47,2,131,3,0,1,0,accounting,low +0.11,0.78,6,243,4,0,1,0,hr,low +0.91,1,5,244,6,0,1,0,hr,low +0.8,1,5,260,5,0,1,0,hr,low +0.42,0.49,2,139,3,0,1,0,hr,low +0.31,0.87,4,184,3,0,1,0,technical,low +0.44,0.47,2,130,3,0,1,0,technical,low +0.38,0.54,2,135,3,0,1,0,technical,medium +0.45,0.56,2,146,3,0,1,0,technical,medium +0.43,0.46,2,149,3,0,1,0,technical,medium +0.45,0.46,2,153,3,1,1,0,technical,medium +0.43,0.57,2,160,3,0,1,0,technical,medium +0.43,0.49,2,160,3,0,1,0,technical,medium +0.09,0.83,6,282,4,0,1,0,technical,medium +0.43,0.47,2,128,3,0,1,0,technical,medium +0.79,0.94,4,232,5,0,1,0,technical,medium +0.85,0.58,3,226,2,0,1,0,support,medium +0.38,0.45,2,129,3,0,1,0,support,medium +0.11,0.92,7,255,4,0,1,0,support,medium +0.83,0.99,5,258,5,0,1,0,support,high +0.81,0.91,4,229,5,0,1,0,support,low +0.42,0.56,2,143,3,0,1,0,support,medium +0.11,0.87,6,257,4,0,1,0,support,medium +0.11,0.85,7,275,4,0,1,0,support,medium +0.1,0.89,7,291,4,0,1,0,support,medium +0.5,0.54,5,153,4,0,1,0,support,low +0.44,0.49,2,154,3,0,1,0,support,low +0.11,0.9,6,301,4,0,1,0,technical,low +0.39,0.52,2,134,3,0,1,0,technical,low +0.11,0.78,6,245,4,0,1,0,technical,low +0.36,0.5,2,132,3,0,1,0,management,low +0.43,0.51,2,130,3,0,1,0,IT,low +0.4,0.5,2,127,3,0,1,0,IT,low +0.86,0.84,4,246,6,0,1,0,IT,low +0.38,0.49,2,145,3,0,1,0,IT,low +0.46,0.45,2,138,3,0,1,1,IT,low +0.37,0.57,2,129,3,0,1,0,product_mng,low +0.43,0.52,2,150,3,0,1,0,product_mng,low +0.66,0.93,5,253,5,0,1,0,product_mng,low +0.37,0.48,2,160,3,0,1,0,product_mng,low +0.77,0.92,5,235,5,0,1,0,IT,low +0.38,0.55,2,151,3,0,1,0,sales,low +0.39,0.54,2,127,3,0,1,0,sales,low +0.41,0.55,2,151,3,0,1,0,sales,low +0.1,0.9,7,290,4,0,1,0,sales,low +0.09,0.93,6,249,4,0,1,0,sales,low +0.41,0.47,2,131,3,0,1,0,marketing,medium +0.39,0.46,2,159,3,0,1,0,sales,medium +0.83,0.99,4,223,5,0,1,0,accounting,medium +0.09,0.87,3,214,2,0,1,0,support,medium +0.75,0.81,5,227,5,0,1,0,technical,medium +0.44,0.54,2,127,3,0,1,0,management,medium +0.1,0.84,6,293,5,0,1,0,marketing,medium +0.42,0.46,2,141,3,0,1,0,marketing,medium +0.1,0.83,6,300,4,0,1,0,marketing,medium +0.1,0.86,6,309,4,0,1,0,sales,medium +0.31,0.77,4,149,3,0,1,0,sales,medium +0.42,0.54,2,159,3,0,1,0,sales,medium +0.38,0.5,2,152,3,0,1,0,sales,high +0.39,0.57,2,158,3,0,1,0,sales,low +0.1,0.97,6,254,5,0,1,0,sales,medium +0.11,0.93,6,294,4,0,1,0,sales,medium +0.1,0.92,7,269,4,0,1,0,sales,medium +0.11,0.9,7,247,4,0,1,0,sales,medium +0.44,0.65,3,271,4,0,1,0,sales,low +0.91,0.96,4,232,5,0,1,0,sales,low +0.72,1,4,245,5,0,1,0,sales,low +0.36,0.46,2,132,3,0,1,0,sales,low +0.44,0.57,2,131,3,0,1,0,sales,low +0.85,0.99,5,248,5,0,1,0,sales,low +0.78,0.93,5,225,5,0,1,0,sales,low +0.39,0.46,2,156,3,0,1,0,sales,low +0.78,0.81,3,222,2,0,1,0,sales,low +0.1,0.92,6,243,4,1,1,0,sales,low +0.23,0.99,4,204,4,1,1,0,accounting,low +0.11,0.87,6,301,4,0,1,0,accounting,low +0.9,0.83,5,259,5,0,1,0,accounting,low +0.91,0.89,4,247,5,0,1,0,hr,low +0.11,0.79,7,295,4,0,1,0,hr,low +0.43,0.54,2,150,3,0,1,0,hr,low +0.45,0.49,2,151,3,0,1,0,hr,low +0.11,0.91,5,291,4,0,1,0,technical,low +0.11,0.93,6,253,4,1,1,0,technical,low +0.43,0.5,2,161,3,0,1,0,technical,low +0.91,0.97,4,251,6,0,1,0,technical,low +0.43,0.55,2,153,3,0,1,0,technical,medium +0.85,0.82,5,264,6,0,1,0,technical,medium +0.1,0.77,6,310,4,0,1,0,technical,medium +0.81,0.95,5,266,5,0,1,0,technical,medium +0.36,0.62,4,237,2,0,1,0,technical,medium +0.45,0.54,2,138,3,0,1,0,technical,medium +0.86,1,5,227,5,0,1,0,technical,medium +0.71,1,4,300,5,0,1,0,support,medium +0.11,0.97,7,310,4,0,1,0,support,medium +0.84,0.93,5,236,5,0,1,0,support,medium +0.09,0.97,7,288,4,0,1,0,support,medium +0.38,0.49,2,127,3,0,1,0,support,medium +0.15,0.55,6,139,4,0,1,0,support,high +0.1,0.92,7,253,4,1,1,0,support,low +0.8,0.97,4,218,5,1,1,0,support,medium +0.84,0.97,5,251,5,0,1,0,support,medium +0.11,0.87,6,264,4,0,1,0,support,medium +0.89,0.79,3,149,2,0,1,0,support,medium +0.45,0.51,2,138,3,0,1,0,technical,low +0.11,0.93,7,284,4,0,1,0,technical,low +0.74,0.93,5,244,5,0,1,0,technical,low +0.41,0.5,2,128,3,0,1,0,management,low +0.44,0.53,2,154,3,0,1,0,IT,low +0.37,0.56,2,138,3,0,1,0,IT,low +0.11,0.86,6,308,4,0,1,0,IT,low +0.1,0.93,6,269,4,0,1,0,IT,low +0.7,0.74,6,136,3,0,1,0,IT,low +0.59,1,2,160,5,0,1,0,product_mng,low +0.38,0.53,2,138,3,0,1,0,product_mng,low +0.72,0.95,4,220,5,0,1,0,product_mng,low +0.73,1,5,274,5,0,1,0,product_mng,low +0.39,0.48,2,161,3,0,1,0,IT,low +0.89,0.82,5,224,6,0,1,0,RandD,low +0.89,1,4,260,5,0,1,0,RandD,low +0.11,0.78,6,300,4,1,1,0,RandD,low +0.43,0.56,2,133,3,0,1,0,RandD,low +0.09,0.93,6,308,4,0,1,0,RandD,low +0.81,0.9,5,238,6,0,1,0,marketing,low +0.37,0.53,2,126,3,0,1,0,sales,low +0.36,0.56,2,138,3,0,1,0,accounting,medium +0.11,0.85,6,299,4,0,1,0,support,medium +0.1,0.85,6,254,4,0,1,0,technical,medium +0.66,0.47,7,156,2,0,1,0,management,medium +0.39,0.47,2,152,3,0,1,0,marketing,medium +0.44,0.51,2,146,3,0,1,0,marketing,medium +0.1,0.84,6,253,4,0,1,0,marketing,medium +0.79,0.94,5,227,6,0,1,0,sales,medium +0.1,0.81,6,301,4,1,1,0,sales,medium +0.54,0.94,6,294,3,0,1,0,sales,medium +0.37,0.47,2,151,3,0,1,0,sales,medium +0.37,0.57,2,128,3,0,1,0,sales,medium +0.82,0.89,5,217,5,0,1,0,sales,high +0.45,0.52,2,160,3,0,1,0,sales,low +0.79,0.9,5,263,5,0,1,0,sales,medium +0.42,0.56,2,156,3,0,1,0,sales,medium +0.1,0.85,6,273,4,0,1,0,sales,medium +0.11,0.78,6,303,4,0,1,0,sales,medium +0.74,1,4,253,5,0,1,0,sales,low +0.1,0.93,6,270,4,0,1,0,sales,low +0.79,1,4,218,5,0,1,0,sales,low +0.43,0.48,2,144,3,0,1,0,sales,low +0.41,0.47,2,154,3,0,1,0,sales,low +0.39,0.55,2,146,3,0,1,0,sales,low +0.1,0.94,6,260,4,0,1,0,sales,low +0.82,0.85,5,218,5,0,1,0,sales,low +0.41,0.46,2,128,3,0,1,0,accounting,low +0.42,0.56,2,128,3,0,1,0,accounting,low +0.74,0.88,4,248,6,0,1,0,accounting,low +0.38,0.57,2,152,3,1,1,0,hr,low +0.39,0.56,2,126,3,0,1,0,hr,low +0.87,0.94,4,260,5,0,1,0,hr,low +0.1,0.9,5,263,4,0,1,0,hr,low +0.78,1,5,220,5,0,1,0,technical,low +0.14,0.73,7,282,5,0,1,0,technical,low +0.11,0.94,6,277,5,0,1,0,technical,low +0.91,0.94,5,257,5,0,1,0,technical,low +0.49,0.63,6,265,3,0,1,0,technical,low +0.38,0.47,2,143,3,0,1,0,technical,low +0.82,0.97,5,263,5,0,1,0,technical,medium +0.38,0.88,3,154,4,0,1,0,technical,medium +0.89,1,5,253,5,0,1,0,technical,medium +0.11,0.79,6,294,4,0,1,0,technical,medium +0.37,0.51,2,128,3,0,1,0,technical,medium +0.38,0.5,2,153,3,0,1,0,support,medium +0.78,0.87,5,256,5,0,1,0,support,medium +0.41,0.51,2,127,3,0,1,0,support,medium +0.41,0.51,2,137,3,0,1,0,support,medium +0.11,0.83,6,295,4,0,1,0,support,medium +0.11,0.79,6,281,4,0,1,0,support,medium +0.43,0.57,2,131,3,1,1,0,support,medium +0.75,0.86,5,237,5,0,1,0,support,high +0.74,0.99,4,276,5,0,1,0,support,low +0.85,0.85,5,267,5,0,1,0,support,medium +0.73,0.92,5,266,5,0,1,0,support,medium +0.1,0.79,6,294,4,0,1,0,technical,medium +0.44,0.56,2,134,3,0,1,0,technical,medium +0.3,0.56,3,309,4,1,1,0,technical,low +0.11,0.77,7,273,4,0,1,0,management,low +0.84,0.83,5,238,5,0,1,0,IT,low +0.78,0.94,5,271,6,0,1,0,IT,low +0.43,0.53,2,145,3,0,1,0,IT,low +0.36,0.55,2,152,3,0,1,0,IT,low +0.43,0.47,2,128,3,0,1,0,IT,low +0.45,0.46,2,142,3,0,1,0,product_mng,low +0.76,0.93,5,238,5,0,1,0,product_mng,low +0.1,0.78,7,286,4,0,1,0,product_mng,low +0.09,0.86,6,291,4,0,1,0,product_mng,low +0.92,1,5,259,5,0,1,0,IT,low +0.92,0.9,5,248,5,0,1,0,sales,low +0.79,0.98,4,271,5,0,1,0,sales,low +0.43,0.51,2,140,3,0,1,0,sales,low +0.8,0.95,4,274,5,0,1,0,sales,low +0.44,0.49,2,127,3,1,1,0,sales,low +0.89,0.87,5,275,6,0,1,0,marketing,low +0.48,0.88,3,239,3,0,1,0,sales,low +0.11,0.82,6,304,4,1,1,0,accounting,low +0.38,0.55,2,145,3,0,1,0,support,low +0.11,0.85,6,259,4,0,1,0,technical,medium +0.82,0.86,4,264,5,0,1,0,management,medium +0.37,0.45,2,160,3,0,1,0,marketing,medium +0.4,0.48,2,138,3,0,1,0,marketing,medium +0.43,0.47,2,137,3,0,1,0,marketing,medium +0.44,0.5,2,156,3,0,1,0,sales,medium +0.42,0.56,2,147,3,0,1,0,sales,medium +0.11,0.8,7,243,4,0,1,0,sales,medium +0.78,0.87,4,236,5,0,1,0,sales,medium +0.46,0.86,2,212,4,0,1,0,sales,medium +0.77,0.91,5,261,6,0,1,0,sales,medium +0.83,0.82,4,243,5,0,1,0,sales,medium +0.32,0.58,5,271,5,0,1,0,sales,high +0.9,0.92,5,154,4,0,1,0,sales,low +0.42,0.52,2,151,3,0,1,0,sales,medium +0.1,0.96,6,254,4,1,1,0,sales,medium +0.1,0.91,6,285,4,0,1,0,sales,medium +0.44,0.49,2,130,3,0,1,0,sales,medium +0.1,0.95,7,301,4,0,1,0,sales,low +0.11,0.8,6,286,4,0,1,0,sales,low +0.1,0.89,6,246,4,0,1,0,sales,low +0.39,0.47,2,135,3,0,1,0,sales,low +0.92,0.92,4,245,5,0,1,0,sales,low +0.43,0.56,2,136,3,0,1,0,sales,low +0.11,0.89,6,301,4,0,1,0,accounting,low +0.81,1,5,235,5,0,1,0,accounting,low +0.11,0.85,7,272,4,0,1,0,accounting,low +0.87,1,5,274,5,0,1,0,hr,low +0.37,0.46,2,131,3,0,1,0,hr,low +0.39,0.56,2,135,3,0,1,0,hr,low +0.61,0.86,4,196,4,0,1,0,hr,low +0.11,0.95,6,285,4,0,1,0,technical,low +0.09,0.9,7,289,5,0,1,0,technical,low +0.36,0.52,2,157,3,0,1,0,technical,low +0.09,0.94,6,308,4,0,1,0,technical,low +0.41,0.71,4,301,5,0,1,0,technical,low +0.4,0.46,2,131,3,0,1,0,technical,low +0.1,0.91,6,262,5,1,1,0,technical,low +0.46,0.53,2,143,3,1,1,0,technical,low +0.39,0.57,2,133,3,0,1,0,technical,medium +0.41,0.5,2,153,3,0,1,0,technical,medium +0.1,0.94,7,281,4,0,1,0,technical,medium +0.39,0.51,2,132,3,0,1,0,support,medium +0.73,0.83,5,270,5,1,1,0,support,medium +0.41,0.45,2,150,3,0,1,0,support,medium +0.37,0.51,2,140,3,0,1,0,support,medium +0.38,0.5,2,150,3,1,1,0,support,medium +0.8,0.63,5,180,5,0,1,0,support,medium +0.09,0.85,5,281,4,0,1,0,support,medium +0.85,0.92,4,275,5,0,1,0,support,medium +0.42,0.54,2,130,3,0,1,0,support,medium +0.41,0.48,2,130,3,0,1,0,support,high +0.38,0.46,2,147,3,0,1,0,support,low +0.72,1,5,264,5,0,1,0,technical,medium +0.11,0.74,6,290,5,0,1,0,technical,medium +0.37,0.47,2,150,3,0,1,0,technical,medium +0.1,0.81,6,304,4,0,1,0,management,medium +0.36,0.54,2,136,3,0,1,0,IT,low +0.92,0.94,5,307,5,0,1,0,IT,low +0.11,0.87,5,303,4,0,1,0,IT,low +0.39,0.56,2,156,3,0,1,0,IT,low +0.11,0.95,6,271,4,0,1,0,IT,low +0.45,0.45,2,140,3,0,1,0,product_mng,low +0.44,0.55,2,130,3,1,1,0,product_mng,low +0.85,0.97,4,266,6,0,1,0,product_mng,low +0.43,0.52,2,139,3,0,1,0,product_mng,low +0.75,0.86,5,260,5,0,1,0,IT,low +0.11,0.55,2,137,3,1,1,0,RandD,low +0.36,0.5,2,158,3,0,1,0,RandD,low +0.1,0.79,6,249,4,0,1,0,RandD,low +0.74,0.89,5,259,5,0,1,0,RandD,low +0.4,0.46,2,144,3,0,1,0,RandD,low +0.09,0.77,6,244,4,0,1,0,marketing,low +0.76,0.91,4,219,5,0,1,0,sales,low +0.45,0.57,2,151,3,0,1,0,accounting,low +0.84,0.88,4,269,5,0,1,0,support,low +0.38,0.45,2,127,3,0,1,0,technical,low +0.38,0.46,2,144,3,0,1,0,management,low +0.38,0.54,2,157,3,0,1,0,marketing,medium +0.86,0.94,5,224,5,0,1,0,marketing,medium +0.37,0.46,2,155,3,0,1,0,marketing,medium +0.37,0.5,2,131,3,0,1,0,sales,medium +0.87,1,4,258,5,1,1,1,sales,medium +0.11,0.85,6,267,4,0,1,0,sales,medium +0.42,0.5,2,141,3,0,1,0,sales,medium +0.43,0.48,2,160,3,0,1,0,sales,medium +0.09,0.8,6,247,4,0,1,0,sales,medium +0.54,0.56,4,260,3,0,1,0,sales,medium +0.4,0.47,2,151,3,0,1,0,sales,medium +0.36,0.52,2,137,3,1,1,0,sales,medium +0.87,0.9,4,256,5,0,1,0,sales,high +0.75,0.88,4,239,5,0,1,0,sales,low +0.43,0.53,2,152,3,0,1,0,sales,medium +0.43,0.47,2,149,3,0,1,0,sales,medium +0.1,0.87,6,284,4,0,1,0,sales,medium +0.11,0.78,7,248,4,0,1,0,sales,medium +0.44,0.53,2,156,3,0,1,0,sales,low +0.39,0.48,2,138,3,0,1,0,sales,low +0.4,0.55,2,155,3,0,1,0,sales,low +0.92,0.87,4,229,6,0,1,0,sales,low +0.36,0.47,2,136,3,0,1,0,accounting,low +0.86,0.95,4,241,5,0,1,0,accounting,low +0.74,0.87,5,258,5,0,1,0,accounting,low +0.8,0.95,3,146,5,0,1,0,hr,low +0.36,0.48,2,145,3,0,1,0,hr,low +0.42,0.57,2,159,3,0,1,0,hr,low +0.42,0.47,2,129,3,0,1,0,hr,low +0.4,0.45,2,142,3,0,1,0,technical,low +0.46,0.53,2,129,3,0,1,0,technical,low +0.09,0.9,6,287,4,0,1,0,technical,low +0.88,0.89,4,275,5,0,1,0,technical,low +0.1,0.82,6,272,4,0,1,0,technical,low +0.1,0.97,6,307,4,0,1,0,technical,low +0.11,0.93,4,295,3,0,1,0,technical,low +0.84,0.88,5,237,5,0,1,0,technical,low +0.42,0.56,2,158,3,0,1,0,technical,low +0.1,0.86,6,266,4,1,1,0,technical,low +0.1,0.95,6,256,4,0,1,0,technical,medium +0.46,0.54,2,158,3,0,1,0,support,medium +0.09,0.97,7,268,4,0,1,0,support,medium +0.89,1,4,237,5,0,1,0,support,medium +0.82,1,4,273,6,0,1,0,support,medium +0.11,0.89,6,309,4,0,1,0,support,medium +0.81,0.84,5,258,5,0,1,0,support,medium +0.81,0.94,5,233,6,0,1,0,support,medium +0.77,1,4,249,6,0,1,0,support,medium +0.63,0.94,3,179,2,0,1,0,support,medium +0.4,0.57,2,128,3,0,1,0,support,medium +0.86,1,4,250,6,0,1,0,support,medium +0.37,0.49,2,151,3,0,1,0,technical,high +0.44,0.5,2,132,3,0,1,0,technical,low +0.74,0.89,5,232,6,0,1,0,technical,medium +0.79,1,4,229,5,1,1,0,management,medium +0.09,0.92,6,261,4,0,1,0,IT,medium +0.37,0.48,2,129,3,0,1,0,IT,medium +0.09,0.78,6,244,4,0,1,0,IT,low +0.09,0.84,6,258,4,0,1,0,IT,low +0.1,0.8,7,292,5,0,1,0,IT,low +0.45,0.56,2,143,3,0,1,0,product_mng,low +0.4,0.51,2,136,3,0,1,0,product_mng,low +0.31,0.95,6,235,5,0,1,0,product_mng,low +0.7,0.93,2,310,3,0,1,0,product_mng,low +0.36,0.48,2,152,3,0,1,0,IT,low +0.34,0.97,6,157,5,1,1,0,RandD,low +0.87,0.83,5,267,5,0,1,0,RandD,low +0.11,0.91,6,302,4,0,1,0,RandD,low +0.47,0.81,4,133,3,0,1,0,RandD,low +0.43,0.52,2,142,3,0,1,0,RandD,low +0.43,0.47,2,129,3,0,1,0,marketing,low +0.45,0.57,2,136,3,0,1,0,sales,low +0.74,1,5,223,5,0,1,0,accounting,low +0.1,0.89,6,244,4,1,1,0,support,low +0.78,0.87,5,243,5,0,1,0,technical,low +0.9,0.95,5,275,3,0,1,0,management,low +0.53,0.95,6,205,4,0,1,0,marketing,low +0.45,0.54,2,154,3,0,1,0,marketing,low +0.86,0.83,4,270,5,0,1,0,marketing,medium +0.74,0.89,4,267,5,0,1,0,sales,medium +0.09,0.79,6,276,4,0,1,0,sales,medium +0.8,0.95,5,244,5,0,1,0,sales,medium +0.46,0.53,2,128,3,0,1,0,sales,medium +0.86,0.95,5,269,6,0,1,0,sales,medium +0.86,0.95,4,238,5,0,1,0,sales,medium +0.9,0.91,4,269,5,0,1,0,sales,medium +0.87,0.88,5,231,6,0,1,0,sales,medium +0.83,0.94,4,267,5,0,1,0,sales,medium +0.77,0.83,4,245,5,0,1,0,sales,medium +0.77,1,4,272,5,0,1,0,sales,medium +0.9,0.86,5,254,5,0,1,0,sales,high +0.73,0.92,4,273,5,0,1,0,sales,low +0.91,0.9,4,250,5,0,1,0,sales,medium +0.36,0.53,2,133,3,0,1,0,sales,medium +0.38,0.54,2,150,3,0,1,0,sales,medium +0.44,0.46,2,157,3,0,1,0,sales,medium +0.73,1,5,230,5,0,1,0,sales,low +0.89,0.91,5,260,5,0,1,0,sales,low +0.11,0.77,6,275,4,0,1,0,accounting,low +0.1,0.77,7,308,4,0,1,0,accounting,low +0.37,0.46,2,129,3,0,1,0,accounting,low +0.38,0.48,2,134,3,0,1,0,hr,low +0.42,0.48,2,132,3,0,1,0,hr,low +0.44,0.46,2,153,3,0,1,0,hr,low +0.11,0.83,6,262,4,0,1,0,hr,low +0.09,0.97,7,262,4,0,1,0,technical,low +0.43,0.47,2,130,3,0,1,0,technical,low +0.38,0.52,2,156,3,0,1,0,technical,low +0.11,0.89,6,254,4,0,1,0,technical,low +0.37,0.49,2,130,3,0,1,0,technical,low +0.44,0.57,2,139,3,0,1,0,technical,low +0.72,0.82,5,269,5,0,1,0,technical,low +0.1,0.91,7,297,4,0,1,0,technical,low +0.73,0.86,5,249,5,0,1,0,technical,low +0.09,0.82,7,267,4,0,1,0,technical,low +0.44,0.46,2,149,3,0,1,0,technical,low +0.09,0.82,6,251,4,0,1,0,support,low +0.1,0.87,6,306,4,0,1,0,support,medium +0.11,0.86,6,279,4,0,1,0,support,medium +0.42,0.46,2,131,3,0,1,0,support,medium +0.09,0.85,6,260,4,0,1,0,support,medium +0.72,0.88,5,249,5,0,1,0,support,medium +0.75,0.97,4,245,5,0,1,0,support,medium +0.44,0.5,2,138,3,0,1,0,support,medium +0.11,0.91,6,278,4,0,1,0,support,medium +0.38,0.47,2,147,3,0,1,0,support,medium +0.39,0.57,2,131,3,0,1,0,support,medium +0.1,0.9,7,301,4,0,1,0,technical,medium +0.43,0.52,2,141,3,0,1,0,technical,medium +0.39,0.57,2,158,3,0,1,0,technical,high +0.88,0.87,4,235,6,0,1,0,management,low +0.1,0.85,7,261,4,0,1,0,IT,medium +0.1,0.89,5,270,4,0,1,0,IT,medium +0.11,0.93,6,290,4,0,1,0,IT,medium +0.37,0.47,2,149,3,0,1,0,IT,medium +0.37,0.48,2,160,3,0,1,0,IT,low +0.77,0.87,4,150,4,0,1,0,product_mng,low +0.91,0.94,5,218,6,0,1,0,product_mng,low +0.46,0.51,2,155,3,0,1,0,product_mng,low +0.11,0.87,6,291,4,0,1,0,product_mng,low +0.86,0.91,5,265,5,0,1,0,IT,low +0.87,0.88,5,262,6,0,1,0,sales,low +0.09,0.92,6,303,5,0,1,0,sales,low +0.42,0.46,2,132,3,0,1,0,sales,low +0.82,0.83,4,245,5,1,1,0,sales,low +0.46,0.48,2,129,3,0,1,0,sales,low +0.88,1,5,226,6,0,1,0,marketing,low +0.1,0.91,6,286,4,0,1,0,marketing,low +0.43,0.45,2,140,3,0,1,0,sales,low +0.37,0.49,2,153,3,0,1,0,accounting,low +0.8,0.95,5,217,5,0,1,0,support,low +0.83,0.95,5,258,5,0,1,0,technical,low +0.39,0.57,2,156,3,0,1,0,management,low +0.77,0.92,5,255,5,0,1,0,marketing,low +0.43,0.46,2,129,3,0,1,0,marketing,low +0.79,0.96,4,234,5,0,1,0,marketing,low +0.39,0.55,2,152,3,1,1,0,sales,medium +0.1,0.88,7,300,4,0,1,0,sales,medium +0.39,0.53,2,131,3,0,1,0,sales,medium +0.11,0.89,6,301,4,0,1,0,sales,medium +0.4,0.51,2,156,3,0,1,0,sales,medium +0.42,0.52,2,141,3,1,1,0,sales,medium +0.57,0.85,4,219,2,1,1,0,sales,medium +0.11,0.95,7,269,5,0,1,0,sales,medium +0.36,0.73,4,276,2,0,1,0,sales,medium +0.11,0.94,7,302,4,0,1,0,sales,medium +0.35,0.8,6,281,2,0,1,0,sales,medium +0.78,0.99,5,241,5,0,1,0,sales,medium +0.11,0.93,7,288,4,0,1,0,sales,high +0.1,0.96,6,303,4,0,1,0,sales,low +0.42,0.54,2,135,3,0,1,0,sales,medium +0.43,0.5,2,127,3,1,1,0,sales,medium +0.79,0.84,5,245,5,0,1,0,sales,medium +0.45,0.45,2,145,3,0,1,0,sales,medium +0.09,0.91,6,248,4,0,1,0,sales,low +0.11,0.91,6,302,4,0,1,0,accounting,low +0.45,0.49,2,144,3,0,1,0,accounting,low +0.11,0.91,6,272,4,0,1,0,accounting,low +0.09,0.8,6,294,4,0,1,0,hr,low +0.78,0.71,4,296,3,0,1,0,hr,low +0.38,0.5,2,151,3,1,1,0,hr,low +0.82,0.82,4,249,5,0,1,0,hr,low +0.85,0.89,4,221,5,0,1,0,technical,low +0.45,0.46,2,146,3,0,1,0,technical,low +0.77,0.89,5,243,5,0,1,0,technical,low +0.39,0.5,2,127,3,0,1,0,technical,low +0.91,0.9,4,245,5,0,1,0,technical,low +0.11,0.77,6,264,4,0,1,0,technical,low +0.46,0.45,2,143,3,0,1,0,technical,low +0.43,0.49,2,135,3,0,1,0,technical,low +0.11,0.96,6,262,4,1,1,0,technical,low +0.1,0.93,6,299,4,0,1,0,technical,low +0.09,0.8,5,279,4,0,1,0,technical,low +0.36,0.51,2,155,3,0,1,0,support,low +0.11,0.89,6,264,4,0,1,0,support,low +0.09,0.77,6,256,5,0,1,0,support,medium +0.44,0.51,2,129,3,0,1,0,support,medium +0.73,0.97,5,217,6,0,1,0,support,medium +0.21,0.58,7,203,5,0,1,0,support,medium +0.8,0.85,4,264,5,0,1,0,support,medium +0.37,0.55,2,159,3,0,1,0,support,medium +0.79,0.96,5,218,5,0,1,0,support,medium +0.09,0.8,6,298,4,0,1,0,support,medium +0.75,0.74,6,134,3,0,1,0,support,medium +0.83,1,5,263,5,0,1,0,technical,medium +0.1,0.77,5,252,4,0,1,0,technical,medium +0.44,0.55,2,136,3,0,1,0,technical,medium +0.42,0.97,6,259,4,0,1,0,management,high +0.43,0.56,2,158,3,0,1,0,IT,low +0.09,0.84,7,307,4,0,1,0,IT,medium +0.44,0.53,2,152,3,0,1,0,IT,medium +0.81,0.98,5,237,5,0,1,0,IT,medium +0.1,0.79,7,284,4,0,1,0,IT,medium +0.1,0.93,6,243,4,0,1,0,product_mng,low +0.11,0.83,6,268,4,0,1,0,product_mng,low +0.09,0.77,6,244,4,0,1,0,product_mng,low +0.75,0.83,5,262,5,0,1,0,product_mng,low +0.38,0.55,2,134,3,0,1,0,IT,low +0.09,0.87,7,278,4,0,1,0,IT,low +0.74,0.97,5,238,5,0,1,0,IT,low +0.44,0.56,2,127,3,0,1,0,IT,low +0.76,0.95,4,259,5,0,1,0,RandD,low +0.42,0.56,2,146,3,0,1,0,RandD,low +0.75,1,4,243,5,0,1,0,RandD,low +0.36,0.52,2,137,3,0,1,0,marketing,low +0.75,0.93,5,229,5,0,1,0,sales,low +0.4,0.46,2,134,3,0,1,0,accounting,low +0.75,0.89,4,228,5,0,1,0,support,low +0.09,0.84,6,301,4,0,1,0,technical,low +0.39,0.46,2,127,3,0,1,0,management,low +0.4,0.48,2,142,3,0,1,0,marketing,low +0.39,0.54,2,131,3,0,1,0,marketing,low +0.1,0.85,7,310,5,0,1,0,marketing,low +0.42,0.55,2,148,3,0,1,0,sales,low +0.37,0.52,2,143,3,0,1,0,sales,medium +0.11,0.98,6,250,4,0,1,0,sales,medium +0.09,0.88,7,265,4,0,1,0,sales,medium +0.41,0.54,2,152,3,0,1,0,sales,medium +0.42,0.49,2,145,3,0,1,0,sales,medium +0.4,0.49,2,140,3,0,1,0,sales,medium +0.36,0.47,2,129,3,0,1,0,sales,medium +0.74,0.9,4,226,5,0,1,0,sales,medium +0.66,1,5,269,5,0,1,0,sales,medium +0.38,0.47,2,152,3,0,1,0,sales,medium +0.43,0.51,2,132,3,0,1,0,sales,medium +0.43,0.53,2,148,3,0,1,0,sales,medium +0.1,0.85,6,297,5,0,1,0,sales,high +0.82,0.85,4,274,5,0,1,0,sales,low +0.1,0.77,6,280,4,0,1,0,sales,medium +0.1,0.93,6,288,4,0,1,0,sales,medium +0.43,0.49,2,155,3,0,1,0,sales,medium +0.09,0.94,7,247,4,0,1,0,sales,medium +0.41,0.54,2,138,3,0,1,0,accounting,low +0.1,0.82,7,284,4,0,1,0,accounting,low +0.88,0.92,4,225,5,0,1,0,accounting,low +0.43,0.57,2,151,3,1,1,0,hr,low +0.42,0.5,2,155,3,0,1,0,hr,low +0.85,1,4,234,5,0,1,0,hr,low +0.38,0.49,2,144,3,0,1,0,hr,low +0.39,0.47,2,142,3,0,1,0,technical,low +0.41,0.48,2,126,3,0,1,0,technical,low +0.88,0.92,4,233,6,0,1,0,technical,low +0.78,0.96,4,241,5,0,1,0,technical,low +0.45,0.48,2,138,3,0,1,0,technical,low +0.09,0.95,6,260,4,1,1,0,technical,low +0.44,0.56,2,145,3,0,1,0,technical,low +0.11,0.84,6,252,4,0,1,0,technical,low +0.36,0.51,2,143,3,0,1,0,technical,low +0.86,0.98,4,270,5,0,1,0,technical,low +0.1,0.92,6,285,4,0,1,0,technical,low +0.45,0.53,2,149,3,0,1,0,support,low +0.42,0.53,2,158,3,0,1,0,support,low +0.36,0.55,2,134,3,0,1,0,support,low +0.45,0.55,2,129,3,0,1,0,support,medium +0.38,0.57,2,131,3,0,1,0,support,medium +0.11,0.97,6,288,4,0,1,0,support,medium +0.45,0.46,2,142,3,0,1,0,support,medium +0.87,0.95,5,227,5,0,1,0,support,medium +0.45,0.53,2,131,3,0,1,0,support,medium +0.1,0.83,6,283,5,0,1,0,support,medium +0.44,0.54,2,139,3,0,1,0,support,medium +0.78,1,4,267,5,0,1,0,technical,medium +0.38,0.56,2,148,3,0,1,0,technical,medium +0.85,0.84,5,272,6,0,1,0,technical,medium +0.36,0.48,2,148,3,1,1,0,management,medium +0.75,0.88,5,270,5,0,1,0,IT,high +0.81,0.81,4,218,5,1,1,0,IT,low +0.4,0.55,2,150,3,0,1,0,IT,medium +0.83,0.83,5,260,5,0,1,0,IT,medium +0.41,0.52,2,127,3,0,1,0,IT,medium +0.42,0.57,2,134,3,0,1,0,product_mng,medium +0.09,0.83,7,258,4,0,1,0,product_mng,low +0.87,0.81,5,304,5,0,1,0,product_mng,low +0.43,0.56,6,149,4,0,1,0,product_mng,low +0.39,0.51,2,139,3,0,1,0,IT,low +0.1,0.9,6,272,5,0,1,0,RandD,low +0.41,0.52,2,132,3,0,1,0,RandD,low +0.72,1,2,240,2,0,1,0,RandD,low +0.44,0.55,2,137,3,0,1,0,RandD,low +0.38,0.5,2,139,3,0,1,0,RandD,low +0.46,0.52,2,148,3,0,1,0,RandD,low +0.4,0.49,2,149,3,0,1,0,marketing,low +0.45,0.45,2,131,3,0,1,0,sales,low +0.89,0.89,5,262,5,0,1,0,accounting,low +0.1,0.97,7,284,4,0,1,0,support,low +0.46,0.48,2,161,3,0,1,0,technical,low +0.09,0.78,7,290,4,0,1,0,management,low +0.45,0.57,2,149,3,0,1,0,marketing,low +0.89,0.98,4,242,6,0,1,0,marketing,low +0.62,0.77,5,227,4,0,1,0,marketing,low +0.11,0.93,6,276,4,0,1,0,sales,low +0.44,0.5,2,135,3,0,1,0,sales,low +0.09,0.94,6,266,4,0,1,0,sales,medium +0.56,0.75,5,236,2,0,1,0,sales,medium +0.77,0.89,4,270,5,0,1,0,sales,medium +0.39,0.49,2,146,3,0,1,0,sales,medium +0.1,0.92,5,272,4,0,1,0,sales,medium +0.72,0.85,5,246,5,0,1,0,sales,medium +0.4,0.52,2,136,3,0,1,0,sales,medium +0.11,0.81,6,260,4,0,1,0,sales,medium +0.88,1,5,247,5,0,1,0,sales,medium +0.37,0.51,2,127,3,0,1,0,sales,medium +0.11,0.96,6,267,4,0,1,0,sales,medium +0.4,0.52,2,143,3,0,1,0,sales,medium +0.1,0.86,6,306,4,0,1,0,sales,high +0.62,0.89,3,131,4,0,1,0,sales,low +0.78,0.86,4,249,5,0,1,0,sales,medium +0.37,0.52,2,144,3,0,1,0,sales,medium +0.76,0.82,4,254,5,1,1,0,sales,medium +0.42,0.53,2,131,3,0,1,0,accounting,medium +0.1,0.77,6,272,4,0,1,0,accounting,low +0.42,0.47,2,157,3,0,1,0,accounting,low +0.1,0.96,7,301,4,0,1,0,hr,low +0.1,0.81,6,252,4,0,1,0,hr,low +0.42,0.47,2,130,3,0,1,0,hr,low +0.09,0.86,6,297,4,0,1,0,hr,low +0.1,0.8,6,248,4,0,1,0,technical,low +0.11,0.89,7,257,4,0,1,0,technical,low +0.44,0.53,2,147,3,0,1,0,technical,low +0.87,0.9,3,307,5,0,1,0,technical,low +0.44,0.46,2,154,3,0,1,0,technical,low +0.41,0.56,2,143,3,0,1,0,technical,low +0.51,0.79,4,134,3,0,1,0,technical,low +0.89,0.96,5,221,5,0,1,0,technical,low +0.1,0.96,6,275,4,0,1,0,technical,low +0.9,0.94,5,247,5,0,1,0,technical,low +0.36,0.55,2,131,3,0,1,0,technical,low +0.44,0.54,2,150,3,0,1,0,support,low +0.39,0.57,2,150,3,0,1,0,support,low +0.38,1,5,137,4,0,1,0,support,low +0.73,0.95,4,223,6,0,1,0,support,low +0.1,0.96,6,292,4,0,1,0,support,medium +0.89,0.83,5,130,4,1,1,0,support,medium +0.87,0.85,5,221,6,0,1,0,support,medium +0.84,0.89,4,245,5,1,1,0,support,medium +0.11,0.77,6,274,4,0,1,0,support,medium +0.74,1,5,248,5,0,1,0,support,medium +0.79,0.97,4,243,5,0,1,0,support,medium +0.1,0.92,7,273,4,0,1,0,technical,medium +0.83,0.95,5,221,5,0,1,0,technical,medium +0.1,0.79,6,271,4,0,1,0,technical,medium +0.45,0.5,2,157,3,0,1,0,management,medium +0.29,0.48,2,249,4,0,1,0,IT,medium +0.46,0.46,2,145,3,0,1,0,IT,high +0.11,0.83,6,262,5,0,1,0,IT,low +0.75,0.89,5,272,5,0,1,0,IT,medium +0.4,0.5,2,129,3,0,1,0,IT,medium +0.37,0.46,2,134,3,0,1,0,product_mng,medium +0.41,0.52,2,147,3,0,1,0,product_mng,medium +0.1,0.83,6,293,4,0,1,0,product_mng,low +0.39,0.52,2,129,3,0,1,0,product_mng,low +0.4,0.45,2,140,3,0,1,0,IT,low +0.41,0.52,2,132,3,0,1,0,RandD,low +0.11,0.89,6,284,4,0,1,0,RandD,low +0.74,0.99,5,263,5,0,1,0,RandD,low +0.42,0.46,2,143,3,0,1,0,RandD,low +0.88,0.88,4,265,5,0,1,0,RandD,low +0.37,0.53,2,147,3,0,1,0,RandD,low +0.78,0.81,4,253,5,0,1,0,marketing,low +0.46,0.5,2,141,3,0,1,0,sales,low +0.74,1,5,222,6,0,1,0,accounting,low +0.11,0.86,6,273,4,1,1,0,support,low +0.8,0.87,5,240,6,0,1,0,technical,low +0.37,0.48,2,154,3,0,1,0,management,low +0.87,0.92,4,253,6,0,1,0,marketing,low +0.9,0.84,5,221,5,0,1,0,marketing,low +0.1,0.88,6,263,4,0,1,0,marketing,low +0.43,0.46,2,145,3,0,1,0,sales,low +0.11,0.91,6,279,4,0,1,0,sales,low +0.4,0.46,2,146,3,0,1,0,sales,low +0.09,0.93,7,270,4,0,1,0,sales,medium +0.4,0.5,2,135,3,0,1,0,sales,medium +0.14,0.7,5,236,3,0,1,0,sales,medium +0.4,0.49,2,151,3,0,1,0,sales,medium +0.11,0.79,6,244,4,1,1,0,sales,medium +0.72,1,4,169,3,0,1,0,sales,medium +0.39,0.57,2,157,3,0,1,0,sales,medium +0.82,0.93,4,246,5,0,1,0,sales,medium +0.41,0.52,2,142,3,0,1,0,sales,medium +0.45,0.51,2,156,3,0,1,0,sales,medium +0.2,0.7,6,281,5,0,1,0,sales,medium +0.43,0.53,2,146,3,0,1,0,sales,medium +0.39,0.55,2,156,3,0,1,0,sales,high +0.11,0.86,6,299,4,1,1,0,sales,low +0.45,0.47,2,136,3,0,1,0,sales,medium +0.11,0.87,6,272,4,0,1,0,sales,medium +0.84,0.86,5,240,5,0,1,0,accounting,medium +0.86,0.96,5,245,6,0,1,0,accounting,medium +0.79,0.93,5,269,5,0,1,0,accounting,low +0.39,0.57,2,130,3,0,1,0,hr,low +0.15,0.62,4,257,3,0,1,0,hr,low +0.81,1,4,241,5,0,1,0,hr,low +0.39,0.53,2,136,3,0,1,0,hr,low +0.92,0.94,4,219,5,0,1,0,technical,low +0.9,0.98,5,271,5,0,1,0,technical,low +0.32,0.6,2,280,4,0,1,0,technical,low +0.46,0.46,2,140,3,0,1,0,technical,low +0.83,0.98,4,254,5,0,1,0,technical,low +0.39,0.47,2,131,3,0,1,0,technical,low +0.2,0.9,6,138,3,0,1,0,technical,low +0.11,0.85,6,295,4,0,1,0,technical,low +0.11,0.96,6,301,5,0,1,0,technical,low +0.1,0.95,7,296,4,0,1,0,technical,low +0.75,0.87,5,246,5,0,1,0,technical,low +0.44,0.57,2,145,3,0,1,0,support,low +0.86,0.93,5,241,5,1,1,0,support,low +0.1,0.82,6,269,4,0,1,0,support,low +0.39,0.49,2,146,3,0,1,0,support,low +0.45,0.48,2,149,3,0,1,0,support,low +0.1,0.94,7,287,4,0,1,0,support,medium +0.36,0.55,2,138,3,0,1,0,support,medium +0.57,0.61,4,158,5,0,1,0,support,medium +0.09,0.87,6,266,4,0,1,0,support,medium +0.87,0.91,4,255,5,0,1,0,support,medium +0.43,0.52,2,156,3,0,1,0,support,medium +0.36,0.5,2,147,3,0,1,0,technical,medium +0.91,0.99,5,265,5,1,1,0,technical,medium +0.41,0.48,2,136,3,0,1,0,technical,medium +0.37,0.52,2,140,3,0,1,0,management,medium +0.43,0.45,2,146,3,0,1,0,IT,medium +0.43,0.57,2,142,3,0,1,0,IT,medium +0.4,0.53,2,155,3,0,1,0,IT,high +0.1,0.89,7,285,4,0,1,0,IT,low +0.76,0.99,4,253,5,1,1,0,IT,medium +0.82,0.93,4,248,5,0,1,0,product_mng,medium +0.11,0.83,7,255,5,0,1,0,product_mng,medium +0.43,0.52,2,154,3,1,1,0,product_mng,medium +0.11,0.88,7,305,4,0,1,0,product_mng,low +0.41,0.48,2,141,3,0,1,0,IT,low +0.73,0.87,5,252,5,0,1,0,RandD,low +0.37,0.57,2,157,3,0,1,0,RandD,low +0.11,0.89,6,250,4,0,1,0,RandD,low +0.46,0.52,2,131,3,0,1,0,RandD,low +0.41,0.5,2,149,3,0,1,0,RandD,low +0.78,0.78,4,260,5,0,1,0,RandD,low +0.78,0.86,5,260,6,0,1,0,marketing,low +0.72,0.86,5,251,5,0,1,0,sales,low +0.63,0.83,6,242,5,0,1,0,accounting,low +0.55,1,6,136,3,0,1,0,support,low +0.45,0.55,2,155,3,0,1,0,technical,low +0.39,0.51,2,155,3,0,1,0,management,low +0.1,0.81,6,248,4,0,1,0,marketing,low +0.4,0.5,2,136,3,0,1,0,marketing,low +0.39,0.54,2,133,3,0,1,0,marketing,low +0.78,0.45,4,128,2,0,1,0,sales,low +0.42,0.53,2,142,3,0,1,0,sales,low +0.39,0.54,2,149,3,0,1,0,sales,low +0.46,0.57,2,145,3,0,1,0,sales,low +0.1,0.92,6,279,4,0,1,0,sales,medium +0.45,0.47,2,146,3,0,1,0,sales,medium +0.1,0.83,6,264,4,1,1,0,sales,medium +0.1,0.89,7,272,4,0,1,0,sales,medium +0.78,0.86,5,256,5,0,1,0,sales,medium +0.4,0.65,2,296,5,0,1,0,sales,medium +0.45,0.51,2,155,3,1,1,0,sales,medium +0.39,0.56,2,130,3,0,1,0,sales,medium +0.43,0.48,2,157,3,0,1,0,sales,medium +0.09,0.96,6,245,4,0,1,0,sales,medium +0.79,0.86,5,226,5,0,1,0,sales,medium +0.44,0.47,2,156,3,1,1,0,sales,medium +0.79,0.95,5,228,5,0,1,0,sales,high +0.38,0.46,2,155,3,0,1,0,sales,low +0.36,0.56,2,159,3,0,1,0,sales,medium +0.39,0.57,2,142,3,0,1,0,accounting,medium +0.09,0.93,6,271,4,0,1,0,accounting,medium +0.16,0.65,4,277,5,0,1,0,accounting,medium +0.09,0.77,6,310,4,0,1,0,hr,low +0.11,0.87,6,254,4,0,1,0,hr,low +0.44,0.56,2,142,3,0,1,0,hr,low +0.11,0.88,7,253,4,0,1,0,hr,low +0.11,0.97,6,260,4,0,1,0,technical,low +0.45,0.52,2,147,3,0,1,0,technical,low +0.1,0.96,7,288,4,0,1,0,technical,low +0.4,0.46,2,160,3,0,1,0,technical,low +0.38,0.55,2,130,3,0,1,0,technical,low +0.39,0.56,2,133,3,0,1,0,technical,low +0.38,0.55,2,160,3,0,1,0,technical,low +0.38,0.45,2,151,3,0,1,0,technical,low +0.17,0.75,3,188,4,0,1,0,technical,low +0.79,0.84,5,247,5,0,1,0,technical,low +0.1,0.85,7,259,4,0,1,0,technical,low +0.37,0.48,2,129,3,0,1,0,support,low +0.42,0.49,2,152,3,0,1,0,support,low +0.44,0.48,2,128,3,0,1,0,support,low +0.11,0.83,6,253,4,0,1,0,support,low +0.39,0.48,2,151,3,0,1,0,support,low +0.1,0.83,5,271,5,0,1,0,support,low +0.4,0.46,2,155,3,0,1,0,support,medium +0.86,0.91,5,245,5,0,1,0,support,medium +0.37,0.46,2,157,3,0,1,0,support,medium +0.4,0.51,2,160,3,0,1,0,support,medium +0.43,0.48,2,149,3,0,1,0,support,medium +0.88,0.88,5,248,5,0,1,0,technical,medium +0.44,0.52,2,128,3,0,1,0,technical,medium +0.87,1,4,224,5,0,1,0,technical,medium +0.4,0.46,2,156,3,0,1,0,management,medium +0.45,0.52,2,143,3,0,1,0,IT,medium +0.84,0.93,4,250,5,0,1,0,IT,medium +0.1,0.68,3,179,3,0,1,0,IT,medium +0.72,0.99,5,257,5,0,1,0,IT,high +0.4,0.5,2,127,3,0,1,0,IT,low +0.45,0.5,2,145,3,0,1,0,product_mng,medium +0.89,0.98,5,274,5,0,1,0,product_mng,medium +0.4,0.55,2,131,3,0,1,0,product_mng,medium +0.38,0.53,2,136,3,0,1,0,product_mng,medium +0.38,0.47,2,140,3,1,1,0,IT,low +0.1,0.82,7,265,4,0,1,0,RandD,low +0.42,0.48,2,148,3,1,1,0,RandD,low +0.74,0.86,5,262,5,0,1,0,RandD,low +0.1,0.8,6,261,4,0,1,0,RandD,low +0.82,0.9,5,248,5,0,1,0,RandD,low +0.38,0.55,2,131,3,0,1,0,marketing,low +0.41,0.56,2,160,3,0,1,0,sales,low +0.4,0.47,2,152,3,0,1,0,accounting,low +0.83,0.98,4,249,5,0,1,0,support,low +0.36,0.57,2,144,3,0,1,0,technical,low +0.75,0.98,4,245,5,0,1,0,management,low +0.44,0.53,2,146,3,0,1,0,marketing,low +0.1,0.94,6,297,5,0,1,0,marketing,low +0.39,0.52,2,148,3,1,1,0,marketing,low +0.09,0.84,7,260,4,0,1,0,sales,low +0.4,0.57,2,152,3,0,1,0,sales,low +0.41,0.54,2,135,3,0,1,0,sales,low +0.83,0.92,4,235,5,0,1,0,sales,low +0.42,0.47,2,145,3,0,1,0,sales,low +0.61,0.46,5,220,4,0,1,0,sales,low +0.44,0.52,2,128,3,0,1,0,sales,medium +0.77,0.81,5,237,5,0,1,0,sales,medium +0.81,0.95,4,275,5,0,1,0,sales,medium +0.1,0.78,6,310,4,0,1,0,sales,medium +0.73,0.84,5,251,6,0,1,0,sales,medium +0.09,0.83,6,250,4,0,1,0,sales,medium +0.9,0.99,4,259,6,0,1,0,sales,medium +0.88,1,4,259,5,0,1,0,sales,medium +0.09,0.87,7,305,4,0,1,0,sales,medium +0.4,0.56,2,130,3,1,1,0,sales,medium +0.17,0.55,6,250,5,0,1,0,sales,medium +0.82,0.82,5,220,6,0,1,0,sales,medium +0.9,0.83,4,266,5,0,1,0,sales,high +0.83,0.92,4,255,5,0,1,0,accounting,low +0.44,0.5,2,154,3,0,1,0,accounting,medium +0.5,0.85,4,138,3,0,1,0,accounting,medium +0.14,0.61,6,291,5,0,1,0,hr,medium +0.77,0.82,4,217,5,0,1,0,hr,medium +0.09,0.83,6,286,4,0,1,0,hr,low +0.11,0.88,6,290,4,0,1,0,hr,low +0.44,0.57,2,148,3,0,1,0,technical,low +0.43,0.52,2,146,3,0,1,0,technical,low +0.12,0.8,5,136,2,0,1,0,technical,low +0.1,0.86,7,261,5,0,1,0,technical,low +0.1,0.96,6,274,4,0,1,0,technical,low +0.4,0.48,2,132,3,0,1,0,technical,low +0.41,0.47,2,145,3,0,1,0,technical,low +0.37,0.48,2,153,3,0,1,0,technical,low +0.4,0.48,2,139,3,0,1,0,technical,low +0.74,0.96,4,231,5,0,1,0,technical,low +0.39,0.48,2,154,3,0,1,0,technical,low +0.11,0.9,5,307,4,0,1,0,support,low +0.36,0.51,2,129,3,0,1,0,support,low +0.8,0.83,5,275,5,0,1,0,support,low +0.6,0.85,3,250,2,0,1,0,support,low +0.36,0.54,2,158,3,0,1,0,support,low +0.1,0.96,6,310,5,0,1,0,support,low +0.65,0.86,2,181,2,0,1,0,support,low +0.49,0.73,4,244,3,0,1,0,support,low +0.73,0.96,5,256,6,1,1,0,support,medium +0.11,0.8,6,259,5,0,1,0,support,medium +0.73,0.91,4,247,5,0,1,0,support,medium +0.43,0.46,2,129,3,0,1,0,technical,medium +0.73,0.93,5,229,5,0,1,0,technical,medium +0.76,0.85,5,236,6,0,1,0,technical,medium +0.09,0.96,6,281,4,0,1,0,management,medium +0.9,0.81,5,264,5,0,1,0,IT,medium +0.1,0.81,6,308,4,0,1,0,IT,medium +0.43,0.48,2,147,3,0,1,0,IT,medium +0.41,0.55,2,159,3,0,1,0,IT,medium +0.41,0.57,2,154,3,0,1,0,IT,medium +0.1,0.87,6,307,4,0,1,0,product_mng,high +0.4,0.46,2,132,3,0,1,0,product_mng,low +0.4,0.53,2,152,3,0,1,0,product_mng,medium +0.36,0.48,5,310,3,0,1,0,product_mng,medium +0.83,0.95,5,230,5,0,1,0,IT,medium +0.83,0.94,5,273,5,0,1,0,RandD,medium +0.41,0.51,2,144,3,0,1,0,RandD,low +0.11,0.93,7,296,4,0,1,0,RandD,low +0.68,0.62,5,198,5,1,1,0,RandD,low +0.43,0.53,2,157,3,0,1,0,RandD,low +0.44,0.51,2,145,3,0,1,0,marketing,low +0.87,0.94,5,219,5,0,1,0,marketing,low +0.43,0.54,2,153,3,0,1,0,sales,low +0.89,0.48,3,178,5,0,1,0,accounting,low +0.83,0.88,5,239,5,0,1,0,support,low +0.11,0.87,6,278,5,0,1,0,technical,low +0.85,1,6,260,3,1,1,0,management,low +0.89,0.97,4,264,5,0,1,0,marketing,low +0.09,0.92,7,301,4,0,1,0,marketing,low +0.43,0.55,4,134,3,0,1,0,marketing,low +0.42,0.46,2,147,3,0,1,0,sales,low +0.43,0.54,2,130,3,0,1,0,sales,low +0.1,0.93,6,307,4,0,1,0,sales,low +0.37,0.46,2,156,3,0,1,0,sales,low +0.76,0.98,4,237,5,0,1,0,sales,low +0.88,0.89,4,254,5,0,1,0,sales,low +0.39,0.48,2,151,3,0,1,0,sales,low +0.45,0.54,2,131,3,0,1,0,sales,medium +0.91,0.95,5,241,5,0,1,0,sales,medium +0.86,0.85,5,267,5,0,1,0,sales,medium +0.39,0.53,2,153,3,0,1,0,sales,medium +0.89,1,4,217,5,0,1,0,sales,medium +0.11,0.86,6,254,4,0,1,0,sales,medium +0.1,0.87,6,265,5,0,1,0,sales,medium +0.38,0.57,2,146,3,0,1,0,sales,medium +0.4,0.54,2,156,3,0,1,0,sales,medium +0.86,0.97,5,269,5,0,1,0,sales,medium +0.1,0.86,6,288,4,0,1,0,sales,medium +0.1,0.85,6,283,4,0,1,0,sales,medium +0.42,0.5,2,128,3,0,1,0,accounting,high +0.36,0.46,2,130,3,0,1,0,accounting,low +0.39,0.48,2,127,3,0,1,0,accounting,medium +0.43,0.47,2,137,3,0,1,0,hr,medium +0.36,0.49,2,133,3,0,1,0,hr,medium +0.09,0.91,6,275,4,0,1,0,hr,medium +0.42,0.55,2,146,3,0,1,0,hr,low +0.42,0.46,2,135,3,0,1,0,technical,low +0.91,0.89,5,217,5,0,1,0,technical,low +0.41,0.56,2,154,3,0,1,0,technical,low +0.11,0.78,6,247,4,0,1,0,technical,low +0.09,0.83,6,295,5,0,1,0,technical,low +0.83,1,5,224,5,0,1,0,technical,low +0.11,0.78,6,281,4,0,1,0,technical,low +0.1,0.93,7,258,4,0,1,0,technical,low +0.42,0.55,2,150,3,0,1,0,technical,low +0.1,0.97,7,282,4,0,1,0,technical,low +0.38,0.51,2,138,3,0,1,0,technical,low +0.77,0.98,4,238,6,0,1,0,support,low +0.11,0.85,7,244,4,0,1,0,support,low +0.87,0.97,5,250,6,0,1,0,support,low +0.1,0.88,7,282,4,0,1,0,support,low +0.1,0.89,7,253,4,0,1,0,support,low +0.09,0.9,6,256,4,0,1,0,support,low +0.84,0.85,5,260,5,0,1,0,support,low +0.11,0.86,6,245,4,0,1,0,support,low +0.81,0.97,5,230,5,0,1,0,support,low +0.77,0.85,5,276,5,0,1,0,support,medium +0.42,0.47,2,137,3,0,1,0,support,medium +0.36,0.56,2,140,3,0,1,0,technical,medium +0.81,0.83,5,269,6,0,1,0,technical,medium +0.37,0.46,2,130,3,1,1,0,technical,medium +0.1,0.96,6,264,4,0,1,0,management,medium +0.14,0.55,6,175,5,0,1,0,IT,medium +0.41,0.51,2,159,3,0,1,0,IT,medium +0.44,0.55,2,128,3,0,1,1,IT,medium +0.82,0.94,5,232,5,1,1,0,IT,medium +0.67,0.54,3,166,5,0,1,0,IT,medium +0.44,0.57,2,141,3,0,1,0,product_mng,medium +0.42,0.54,2,143,3,0,1,0,product_mng,high +0.84,0.83,4,239,5,0,1,0,product_mng,low +0.86,1,4,232,5,0,1,0,product_mng,medium +0.56,0.86,5,252,2,0,1,0,IT,medium +0.09,0.93,6,255,4,0,1,0,RandD,medium +0.1,0.81,7,270,4,0,1,0,RandD,medium +0.39,0.54,2,149,3,0,1,0,RandD,low +0.75,0.89,5,276,5,0,1,0,RandD,low +0.43,0.55,2,159,3,0,1,0,RandD,low +0.09,0.96,7,274,5,0,1,0,marketing,low +0.83,0.94,4,264,5,0,1,0,sales,low +0.59,1,3,156,4,0,1,0,accounting,low +0.44,0.54,2,135,3,0,1,0,support,low +0.38,0.49,2,128,3,0,1,0,technical,low +0.76,0.98,5,242,5,0,1,0,management,low +0.22,0.86,4,293,3,0,1,0,marketing,low +0.4,0.46,2,141,3,0,1,0,marketing,low +0.41,0.48,2,155,3,0,1,0,marketing,low +0.38,0.51,2,141,3,0,1,0,sales,low +0.45,0.68,4,212,4,1,1,0,sales,low +0.39,0.56,2,160,3,0,1,0,sales,low +0.45,0.47,2,150,3,0,1,0,sales,low +0.42,0.53,2,132,3,1,1,0,sales,low +0.1,0.87,6,248,4,0,1,0,sales,low +0.78,0.96,5,272,5,0,1,0,sales,low +0.39,0.56,2,160,3,0,1,0,sales,low +0.1,0.87,7,299,4,0,1,0,sales,low +0.1,0.8,6,292,4,0,1,0,sales,medium +0.43,0.46,2,126,3,0,1,0,sales,medium +0.38,0.45,2,132,3,0,1,0,sales,medium +0.09,0.77,6,282,5,0,1,0,sales,medium +0.39,0.53,2,141,3,0,1,0,sales,medium +0.73,0.99,6,206,5,0,1,0,sales,medium +0.38,0.49,2,140,3,0,1,0,sales,medium +0.1,0.91,6,255,4,0,1,0,sales,medium +0.41,0.54,2,133,3,0,1,0,sales,medium +0.43,0.51,2,131,3,0,1,0,sales,medium +0.79,0.96,4,257,5,0,1,0,accounting,medium +0.1,0.81,6,269,4,0,1,0,accounting,medium +0.11,0.97,6,254,4,0,1,0,accounting,high +0.42,0.5,2,143,3,0,1,0,hr,low +0.36,0.51,2,157,3,0,1,0,hr,medium +0.63,0.93,5,163,3,0,1,0,hr,medium +0.41,0.56,2,133,3,0,1,0,hr,medium +0.36,0.46,2,157,3,0,1,0,technical,medium +0.1,0.9,6,301,5,0,1,0,technical,low +0.11,0.96,6,310,4,0,1,0,technical,low +0.44,0.54,2,133,3,0,1,0,technical,low +0.77,0.96,5,249,6,0,1,0,technical,low +0.91,1,4,251,6,0,1,0,technical,low +0.26,0.46,2,242,3,0,1,0,technical,low +0.81,0.93,5,265,6,0,1,0,technical,low +0.11,0.87,6,280,4,0,1,0,technical,low +0.92,0.89,4,241,5,0,1,0,technical,low +0.1,0.86,5,253,4,0,1,0,technical,low +0.45,0.51,2,137,3,0,1,0,support,low +0.11,0.94,6,266,4,0,1,0,support,low +0.23,0.7,5,168,4,0,1,0,support,low +0.86,0.95,4,270,5,0,1,0,support,low +0.44,0.55,2,141,3,0,1,0,support,low +0.41,0.56,2,133,3,0,1,0,support,low +0.84,0.97,5,256,5,0,1,0,support,low +0.42,0.52,2,160,3,0,1,0,support,low +0.11,0.88,7,275,4,0,1,0,support,low +0.38,0.46,2,160,3,0,1,0,support,low +0.11,0.96,7,244,4,0,1,0,support,low +0.1,0.83,6,271,4,0,1,0,technical,medium +0.86,0.88,5,268,5,0,1,0,technical,medium +0.91,1,4,253,5,1,1,0,technical,medium +0.37,0.53,2,140,3,0,1,0,management,medium +0.46,0.5,2,146,3,0,1,0,IT,medium +0.1,0.89,6,259,5,0,1,0,IT,medium +0.37,0.46,2,127,3,0,1,0,IT,medium +0.4,0.48,2,161,3,0,1,0,IT,medium +0.09,0.78,6,260,4,0,1,0,IT,medium +0.11,0.89,6,272,4,0,1,0,product_mng,medium +0.39,0.48,2,159,3,0,1,0,product_mng,medium +0.89,0.96,4,219,6,0,1,0,product_mng,medium +0.09,0.91,6,243,4,0,1,0,product_mng,high +0.88,0.97,4,255,5,1,1,0,IT,low +0.11,0.9,7,245,4,0,1,0,RandD,medium +0.1,0.95,6,264,5,0,1,0,RandD,medium +0.91,1,4,245,6,0,1,0,RandD,medium +0.44,0.52,2,137,3,0,1,0,RandD,medium +0.63,0.76,2,157,4,0,1,0,RandD,low +0.1,0.87,7,247,4,0,1,0,marketing,low +0.36,0.51,2,144,3,0,1,0,sales,low +0.45,0.51,2,149,3,0,1,0,accounting,low +0.73,1,5,253,6,0,1,0,support,low +0.37,0.55,2,140,3,0,1,0,technical,low +0.09,0.85,7,307,4,0,1,0,management,low +0.41,0.71,3,205,4,0,1,0,marketing,low +0.72,1,5,234,5,0,1,0,marketing,low +0.36,0.54,2,127,3,0,1,0,marketing,low +0.9,1,4,229,5,0,1,0,sales,low +0.44,0.56,2,141,3,0,1,0,sales,low +0.78,0.95,4,260,5,0,1,0,sales,low +0.37,0.52,2,141,3,0,1,0,sales,low +0.4,0.47,2,144,3,1,1,0,sales,low +0.84,1,5,250,5,0,1,0,sales,low +0.09,0.86,6,245,4,0,1,0,sales,low +0.83,0.93,4,269,5,0,1,0,sales,low +0.11,0.87,6,273,4,0,1,0,sales,low +0.37,0.5,2,142,3,0,1,0,sales,low +0.09,0.93,6,273,5,0,1,0,sales,low +0.43,0.47,2,248,2,0,1,0,sales,medium +0.39,0.56,2,147,3,0,1,0,sales,medium +0.85,0.9,2,168,2,0,1,0,sales,medium +0.38,0.52,2,128,3,0,1,0,sales,medium +0.76,0.84,5,227,5,1,1,0,sales,medium +0.44,0.51,2,135,3,0,1,0,sales,medium +0.73,1,4,268,5,0,1,0,sales,medium +0.43,0.53,2,136,3,0,1,0,sales,medium +0.43,0.51,2,149,3,1,1,0,accounting,medium +0.09,0.96,7,264,4,0,1,0,accounting,medium +0.43,0.53,2,143,3,0,1,0,accounting,medium +0.45,0.57,2,138,3,0,1,0,hr,medium +0.42,0.48,2,146,3,0,1,0,hr,high +0.41,0.46,2,150,3,1,1,0,hr,low +0.44,0.55,2,156,3,0,1,0,hr,medium +0.09,0.92,7,245,4,0,1,0,technical,medium +0.41,0.51,2,156,3,0,1,0,technical,medium +0.43,0.51,2,143,3,0,1,0,technical,medium +0.38,0.51,2,159,3,0,1,0,technical,low +0.85,0.96,4,217,5,0,1,0,technical,low +0.88,0.91,4,234,6,0,1,0,technical,low +0.44,0.46,2,138,3,0,1,0,technical,low +0.11,0.92,7,265,4,0,1,0,technical,low +0.38,0.5,2,145,3,0,1,0,technical,low +0.09,0.78,6,263,4,0,1,0,technical,low +0.11,0.79,6,264,4,0,1,0,technical,low +0.11,0.88,6,253,4,0,1,0,support,low +0.44,0.48,2,155,3,0,1,0,support,low +0.38,0.51,2,137,3,0,1,0,support,low +0.1,0.87,6,254,5,0,1,0,support,low +0.45,0.57,2,143,3,0,1,0,support,low +0.11,0.94,7,280,5,0,1,0,support,low +0.36,0.48,2,136,3,0,1,0,support,low +0.72,0.95,5,271,5,0,1,0,support,low +0.43,0.48,2,157,3,0,1,0,support,low +0.45,0.5,2,150,3,0,1,0,support,low +0.4,0.53,2,127,3,0,1,0,support,low +0.1,0.81,6,271,4,0,1,0,technical,low +0.83,0.93,5,257,5,0,1,0,technical,low +0.11,0.8,7,305,4,0,1,0,technical,medium +0.43,0.5,2,152,3,0,1,0,management,medium +0.38,0.5,2,144,3,0,1,0,IT,medium +0.83,1,5,269,5,0,1,0,IT,medium +0.11,0.82,7,285,4,0,1,0,IT,medium +0.43,0.52,2,136,3,0,1,0,IT,medium +0.11,0.88,6,294,4,0,1,0,IT,medium +0.43,0.46,2,157,3,0,1,0,product_mng,medium +0.1,0.89,6,280,4,0,1,0,product_mng,medium +0.44,0.51,2,152,3,0,1,0,product_mng,medium +0.82,0.91,5,276,6,0,1,0,product_mng,medium +0.1,0.86,6,247,4,0,1,0,IT,medium +0.1,0.95,5,286,4,0,1,0,RandD,high +0.3,0.89,5,257,5,0,1,0,RandD,low +0.1,0.93,6,258,4,0,1,0,RandD,medium +0.39,0.5,2,151,3,0,1,0,RandD,medium +0.14,0.47,4,175,2,0,1,0,RandD,medium +0.82,0.92,4,252,5,0,1,0,marketing,medium +0.1,0.85,6,266,4,0,1,0,sales,low +0.09,0.9,6,295,4,0,1,0,accounting,low +0.54,0.83,6,165,6,0,1,0,support,low +0.61,0.58,2,264,4,0,1,0,technical,low +0.1,0.79,6,275,4,0,1,0,management,low +0.1,0.9,6,299,4,0,1,0,marketing,low +0.36,0.49,2,147,3,0,1,0,marketing,low +0.1,0.97,7,306,4,0,1,0,marketing,low +0.84,1,5,242,5,0,1,0,sales,low +0.38,0.51,2,159,3,0,1,0,sales,low +0.41,0.49,2,147,3,0,1,0,sales,low +0.37,0.51,2,154,3,1,1,0,sales,low +0.43,0.56,2,129,3,0,1,0,sales,low +0.46,0.53,2,161,3,0,1,0,sales,low +0.09,0.84,6,269,4,0,1,0,sales,low +0.78,0.86,5,274,5,0,1,0,sales,low +0.45,0.53,2,159,3,0,1,0,sales,low +0.42,0.47,2,135,3,0,1,0,sales,low +0.46,0.53,2,147,3,0,1,0,sales,low +0.39,0.49,2,142,3,0,1,0,sales,low +0.36,0.51,2,130,3,0,1,0,sales,low +0.43,0.53,2,147,3,0,1,0,sales,medium +0.85,0.87,5,246,5,1,1,0,sales,medium +0.11,0.92,6,281,4,0,1,0,sales,medium +0.11,0.9,6,253,4,0,1,0,sales,medium +0.38,0.47,2,128,3,0,1,0,sales,medium +0.43,0.57,2,129,3,0,1,0,sales,medium +0.75,1,5,223,6,0,1,0,accounting,medium +0.11,0.92,6,269,4,0,1,0,accounting,medium +0.1,0.9,7,269,4,0,1,0,accounting,medium +0.1,0.81,7,244,5,0,1,0,hr,medium +0.37,0.5,2,154,3,0,1,0,hr,medium +0.11,0.93,5,140,5,0,1,0,hr,medium +0.45,0.46,2,159,3,0,1,0,hr,high +0.44,0.48,2,158,3,0,1,0,technical,low +0.44,0.56,2,133,3,0,1,0,technical,medium +0.11,0.77,6,247,4,0,1,0,technical,medium +0.79,0.93,5,268,5,0,1,0,technical,medium +0.8,0.9,5,267,5,0,1,0,technical,medium +0.1,0.87,7,251,5,0,1,0,technical,low +0.09,0.93,6,279,4,0,1,0,technical,low +0.7,0.84,6,161,4,0,1,0,technical,low +0.72,0.84,4,256,5,0,1,0,technical,low +0.11,0.8,6,304,4,0,1,0,technical,low +0.39,0.51,2,137,3,0,1,0,technical,low +0.4,0.49,2,144,3,0,1,0,support,low +0.43,0.54,2,142,3,0,1,0,support,low +0.76,0.87,5,262,5,0,1,0,support,low +0.4,0.48,2,142,3,0,1,0,support,low +0.09,0.89,6,282,4,0,1,0,support,low +0.37,0.54,2,157,3,0,1,0,support,low +0.87,0.91,5,228,5,0,1,0,support,low +0.1,0.86,6,283,4,0,1,0,support,low +0.11,0.86,6,286,4,0,1,0,support,low +0.43,0.5,2,148,3,0,1,0,support,low +0.1,0.81,6,245,4,0,1,0,support,low +0.11,0.95,6,279,4,0,1,0,technical,low +0.85,0.87,5,245,5,0,1,0,technical,low +0.37,0.49,2,138,3,0,1,0,technical,low +0.44,0.52,2,141,3,0,1,0,management,low +0.1,0.83,7,302,5,0,1,0,IT,medium +0.11,0.89,6,268,4,0,1,0,IT,medium +0.87,0.88,5,240,5,0,1,0,IT,medium +0.39,0.49,2,127,3,0,1,0,IT,medium +0.1,0.94,7,264,4,0,1,0,IT,medium +0.44,0.53,2,155,3,0,1,0,product_mng,medium +0.4,0.49,2,143,3,0,1,0,product_mng,medium +0.76,0.98,5,217,6,0,1,0,product_mng,medium +0.46,0.55,2,147,3,0,1,0,product_mng,medium +0.9,0.92,4,271,5,0,1,0,IT,medium +0.85,0.87,4,273,5,0,1,0,RandD,medium +0.1,0.78,5,285,4,1,1,0,RandD,medium +0.43,0.49,2,131,3,0,1,0,RandD,high +0.2,0.5,5,135,6,0,1,0,RandD,low +0.81,0.92,5,239,5,0,1,0,RandD,medium +0.83,0.85,5,237,5,0,1,0,marketing,medium +0.14,0.75,4,277,5,1,1,0,sales,medium +0.1,0.84,5,303,5,0,1,0,accounting,medium +0.91,0.98,4,242,6,0,1,0,support,low +0.37,0.57,2,158,3,0,1,0,technical,low +0.42,0.57,2,147,3,1,1,0,management,low +0.39,0.68,2,282,5,0,1,0,marketing,low +0.39,0.54,2,154,3,0,1,0,marketing,low +0.44,0.52,2,149,3,0,1,0,marketing,low +0.37,0.45,2,149,3,0,1,0,sales,low +0.39,0.53,2,146,3,0,1,0,sales,low +0.72,0.94,4,258,5,0,1,0,sales,low +0.37,0.49,2,148,3,0,1,0,sales,low +0.82,0.94,5,236,5,0,1,0,sales,low +0.42,0.52,2,134,3,0,1,0,sales,low +0.59,1,2,155,5,0,1,0,sales,low +0.82,0.86,5,257,5,0,1,0,sales,low +0.73,0.97,6,189,2,0,1,0,sales,low +0.78,0.66,3,164,3,0,1,0,sales,low +0.09,0.95,6,271,4,0,1,0,sales,low +0.1,0.97,6,280,4,0,1,0,sales,low +0.45,0.46,2,149,3,0,1,0,sales,low +0.83,0.81,5,219,5,0,1,0,sales,low +0.43,0.51,2,128,3,0,1,0,sales,low +0.4,0.47,2,128,3,0,1,0,sales,medium +0.43,0.46,2,157,3,0,1,0,sales,medium +0.78,0.93,4,225,5,0,1,0,sales,medium +0.39,0.45,2,140,3,0,1,0,sales,medium +0.11,0.97,6,310,4,0,1,0,accounting,medium +0.36,0.52,2,143,3,0,1,0,accounting,medium +0.36,0.54,2,153,3,0,1,0,accounting,medium +0.1,0.79,7,310,4,0,1,0,hr,medium +0.4,0.47,2,136,3,0,1,0,hr,medium +0.81,0.85,4,251,6,0,1,0,hr,medium +0.4,0.47,2,144,3,0,1,0,hr,medium +0.09,0.93,6,296,4,0,1,0,technical,medium +0.76,0.89,5,238,5,0,1,0,technical,high +0.73,0.93,5,162,4,0,1,0,technical,low +0.38,0.49,2,137,3,0,1,0,technical,medium +0.72,0.84,5,257,5,0,1,0,technical,medium +0.4,0.56,2,148,3,0,1,0,technical,medium +0.91,0.99,5,254,5,0,1,0,technical,medium +0.85,0.85,4,247,6,0,1,0,technical,low +0.9,0.7,5,206,4,0,1,0,technical,low +0.46,0.55,2,145,3,0,1,0,technical,low +0.43,0.57,2,159,3,1,1,0,technical,low +0.89,0.88,5,228,5,1,1,0,support,low +0.09,0.81,6,257,4,0,1,0,support,low +0.4,0.48,2,155,3,0,1,0,support,low +0.76,0.83,6,293,6,0,1,0,support,low +0.4,0.57,2,151,3,0,1,0,support,low +0.37,0.48,2,160,3,0,1,0,support,low +0.37,0.53,2,143,3,0,1,0,support,low +0.11,0.96,6,280,4,0,1,0,support,low +0.37,0.52,2,158,3,0,1,0,support,low +0.09,0.89,7,310,4,0,1,0,support,low +0.88,0.86,5,258,5,0,1,0,support,low +0.84,0.94,5,262,5,0,1,0,technical,low +0.1,0.98,6,265,4,0,1,0,technical,low +0.41,0.47,2,143,3,1,1,0,technical,low +0.84,0.91,5,232,6,0,1,0,management,low +0.41,0.55,2,161,3,0,1,0,IT,low +0.53,0.76,5,132,6,0,1,0,IT,low +0.42,0.47,2,139,3,1,1,0,IT,medium +0.36,0.5,2,131,3,0,1,0,IT,medium +0.38,0.52,2,161,3,0,1,0,IT,medium +0.36,0.48,2,152,3,0,1,0,product_mng,medium +0.46,0.54,2,138,3,0,1,0,product_mng,medium +0.37,0.47,2,159,3,1,1,0,product_mng,medium +0.42,0.49,2,153,3,0,1,0,product_mng,medium +0.44,0.56,2,156,3,0,1,0,IT,medium +0.92,0.82,5,265,5,0,1,0,RandD,medium +0.1,0.79,6,301,5,0,1,0,RandD,medium +0.76,1,4,220,6,0,1,0,RandD,medium +0.11,0.79,6,247,4,0,1,0,RandD,medium +0.43,0.48,2,136,3,0,1,0,RandD,high +0.4,0.49,2,160,3,0,1,0,marketing,low +0.11,0.84,7,310,4,0,1,0,sales,medium +0.84,0.82,5,240,5,0,1,0,accounting,medium +0.84,0.84,5,238,5,0,1,0,support,medium +0.51,0.6,7,243,5,0,1,0,technical,medium +0.66,0.91,5,248,4,0,1,0,management,low +0.42,0.56,2,137,3,0,1,0,marketing,low +0.38,0.49,2,155,3,0,1,0,marketing,low +0.15,0.63,7,229,3,0,1,0,marketing,low +0.38,0.53,2,140,3,0,1,0,sales,low +0.43,0.54,2,156,3,0,1,0,sales,low +0.37,0.57,2,147,3,0,1,0,sales,low +0.11,0.92,7,293,4,0,1,0,sales,low +0.41,0.53,2,157,3,0,1,0,sales,low +0.84,0.96,4,247,5,0,1,0,sales,low +0.4,0.51,2,148,3,0,1,0,sales,low +0.58,0.74,4,215,3,0,0,0,sales,low +0.82,0.67,2,202,3,0,0,0,sales,low +0.45,0.69,5,193,3,0,0,0,sales,low +0.78,0.82,5,247,3,0,0,0,sales,low +0.49,0.6,3,214,2,0,0,0,sales,low +0.36,0.95,3,206,4,0,0,0,sales,low +0.54,0.37,2,176,2,0,0,0,sales,low +0.99,0.91,5,136,4,0,0,0,sales,low +0.5,0.75,6,127,3,0,0,0,sales,low +0.74,0.64,4,268,3,0,0,0,sales,low +0.56,0.58,4,258,3,0,0,0,sales,medium +0.34,0.39,2,136,3,0,0,0,sales,medium +0.48,0.94,5,255,6,0,0,0,accounting,medium +0.73,0.62,3,218,3,0,0,0,accounting,medium +0.59,0.87,3,268,4,0,0,0,accounting,medium +0.81,0.57,3,224,2,0,0,0,hr,medium +0.9,0.66,3,231,3,0,0,0,hr,medium +0.41,0.84,6,191,6,0,0,0,hr,medium +0.89,0.92,4,165,5,0,0,0,hr,medium +0.48,0.84,4,252,3,0,0,0,technical,medium +0.79,0.97,5,266,2,0,0,0,technical,medium +0.98,0.66,5,248,3,0,0,0,technical,medium +0.75,0.7,4,144,4,0,0,0,technical,high +1,0.41,4,174,3,0,0,0,technical,low +0.24,0.82,5,179,6,0,0,0,technical,medium +0.84,0.43,6,246,4,0,0,0,technical,medium +0.56,0.86,4,201,3,1,0,0,technical,medium +0.92,0.93,4,208,3,0,0,0,technical,medium +0.61,0.98,3,267,3,0,0,0,technical,low +0.84,0.77,4,262,4,0,0,0,technical,low +0.85,0.59,3,235,3,0,0,0,support,low +0.67,0.57,2,160,4,0,0,0,support,low +0.54,0.94,4,267,4,0,0,0,support,low +0.75,0.56,5,175,4,0,0,0,support,low +0.82,0.79,4,224,2,0,0,0,support,low +0.76,0.6,4,177,2,0,0,0,support,low +0.19,0.53,6,191,4,0,0,0,support,low +0.61,0.41,3,138,3,0,0,0,support,low +0.51,0.8,3,218,2,1,0,0,support,low +0.52,0.88,3,179,2,1,0,0,support,low +0.74,0.58,3,241,3,0,0,0,support,low +0.98,0.91,4,240,3,0,0,0,technical,low +0.71,0.92,3,202,4,0,0,0,technical,low +0.33,0.88,6,260,3,0,0,0,technical,low +0.98,0.97,3,196,3,0,0,0,management,low +0.52,0.59,2,176,3,1,0,0,IT,low +0.84,0.65,2,140,3,0,0,0,IT,low +0.87,0.5,3,242,2,0,0,0,IT,low +0.48,0.85,3,279,4,0,0,0,IT,low +0.58,0.55,4,202,3,0,0,0,IT,medium +0.58,0.84,5,228,3,0,0,0,product_mng,medium +0.73,0.69,4,171,3,0,0,0,product_mng,medium +0.68,0.54,4,153,3,0,0,0,product_mng,medium +0.41,0.68,3,165,3,1,0,0,product_mng,medium +0.85,0.6,3,182,3,0,0,0,IT,medium +0.54,0.7,5,239,5,0,0,0,RandD,medium +0.81,0.61,5,231,2,0,0,0,RandD,medium +0.7,0.52,4,255,3,0,0,0,RandD,medium +0.63,0.66,4,237,2,1,0,0,RandD,medium +0.68,0.54,3,251,2,0,0,0,RandD,medium +0.7,0.53,4,178,2,0,0,0,marketing,medium +0.82,0.65,4,148,3,0,0,0,sales,high +0.72,0.94,4,240,4,0,0,0,accounting,low +0.77,0.78,3,269,3,0,0,0,support,medium +0.86,0.91,4,147,3,0,0,0,technical,medium +0.15,0.97,3,198,5,0,0,0,management,medium +0.81,0.99,5,143,3,0,0,0,marketing,medium +0.93,0.98,3,238,2,0,0,0,marketing,low +0.62,0.74,4,213,4,0,0,0,marketing,low +0.53,0.81,3,226,3,1,0,0,sales,low +0.86,0.99,3,169,2,1,0,0,sales,low +0.92,0.65,4,238,2,0,0,0,sales,low +0.97,0.83,4,202,3,0,0,0,sales,low +0.39,0.78,2,205,6,1,0,0,sales,low +0.45,0.66,3,111,4,0,0,0,sales,low +0.41,0.47,4,104,3,0,0,0,sales,low +0.51,0.69,3,212,3,0,0,0,sales,low +0.74,0.62,4,236,4,0,0,0,sales,low +0.69,0.57,5,245,2,1,0,0,sales,low +0.84,0.64,4,267,4,0,0,0,sales,low +0.69,0.66,5,106,5,0,0,0,sales,low +0.93,0.53,5,198,3,0,0,0,sales,low +0.33,0.45,6,239,3,0,0,0,sales,low +0.25,0.65,5,220,3,0,0,0,sales,low +0.63,0.59,5,224,3,0,0,0,sales,low +0.81,0.62,3,100,3,0,0,0,sales,low +0.12,0.87,4,244,5,0,0,0,sales,low +0.52,0.66,4,139,3,0,0,0,sales,low +0.57,0.51,2,152,2,0,0,0,accounting,medium +0.84,0.58,4,208,3,0,0,0,accounting,medium +0.6,0.95,5,205,3,0,0,0,accounting,medium +0.73,0.44,2,194,6,0,0,0,hr,medium +0.2,0.58,3,209,5,0,0,0,hr,medium +0.58,0.9,3,212,3,0,0,0,hr,medium +0.48,0.56,2,151,3,0,0,0,hr,medium +0.54,0.67,4,282,6,0,0,0,technical,medium +0.86,1,4,256,3,0,0,0,technical,medium +0.94,0.83,2,185,3,1,0,0,technical,medium +0.76,0.74,5,132,3,0,0,0,technical,medium +0.61,0.95,5,233,3,0,0,0,technical,medium +0.56,0.94,4,215,2,0,0,0,technical,high +1,0.74,3,220,4,0,0,0,technical,low +0.15,0.53,6,222,3,0,0,0,technical,medium +0.19,0.58,5,182,2,0,0,0,technical,medium +0.17,0.73,5,258,4,0,0,0,technical,medium +0.71,0.57,3,209,2,0,0,0,technical,medium +0.86,0.79,3,242,2,0,0,0,support,low +0.59,0.88,4,155,3,1,0,0,support,low +0.74,0.76,5,104,4,0,0,0,support,low +0.98,0.92,4,201,3,1,0,0,support,low +0.93,0.75,5,143,3,0,0,0,support,low +1,0.92,5,161,3,1,0,0,support,low +0.59,0.81,4,200,2,0,0,0,support,low +0.98,0.55,4,255,2,0,0,0,support,low +0.35,0.5,5,227,2,0,0,0,support,low +0.42,0.96,3,270,6,0,0,0,support,low +0.61,0.85,5,230,3,0,0,0,support,low +0.78,0.72,5,270,3,1,0,0,technical,low +0.93,0.52,4,200,3,0,0,0,technical,low +0.5,0.95,5,207,3,0,0,0,technical,low +0.67,0.51,5,182,3,0,0,0,management,low +0.75,0.85,4,234,3,0,0,0,IT,low +0.79,0.51,4,237,2,0,0,0,IT,low +0.84,0.89,4,187,2,1,0,0,IT,low +0.72,0.5,3,257,6,0,0,0,IT,low +0.57,0.48,2,194,2,0,0,0,IT,low +0.73,0.52,4,162,3,0,0,0,product_mng,low +0.74,0.58,4,148,2,0,0,0,product_mng,medium +0.52,0.83,4,210,2,0,0,0,product_mng,medium +0.56,0.76,3,213,2,1,0,0,product_mng,medium +0.76,0.68,4,189,2,1,0,0,IT,medium +0.82,0.93,4,185,2,0,0,0,RandD,medium +0.76,0.83,3,186,2,1,0,0,RandD,medium +0.62,0.59,3,128,3,0,0,0,RandD,medium +0.48,0.8,4,268,3,0,0,0,RandD,medium +0.64,0.77,3,213,3,1,0,0,RandD,medium +0.74,0.82,4,142,2,0,0,0,marketing,medium +0.52,0.43,2,199,2,0,0,0,sales,medium +0.67,0.5,4,157,2,0,0,0,accounting,medium +0.71,0.76,5,172,2,1,0,0,support,high +0.72,0.63,3,176,3,1,0,0,technical,low +0.33,0.58,2,183,2,0,0,0,management,medium +0.91,0.56,4,270,2,0,0,0,marketing,medium +0.88,0.68,5,157,4,1,0,0,marketing,medium +0.96,0.6,4,185,3,0,0,0,marketing,medium +0.97,0.68,3,167,3,0,0,0,sales,low +0.27,0.59,5,226,5,0,0,0,sales,low +0.65,0.64,3,223,4,0,0,0,sales,low +0.68,0.73,3,257,3,0,0,0,sales,low +0.68,0.46,4,143,3,0,0,0,sales,low +0.69,0.74,3,215,2,0,0,0,sales,low +0.79,0.99,3,194,4,0,0,0,sales,low +0.74,0.92,5,193,3,0,0,0,sales,low +0.8,0.83,3,163,3,0,0,0,sales,low +0.38,0.94,5,252,5,0,0,0,sales,low +0.26,0.83,3,168,3,0,0,0,sales,low +0.81,0.86,3,231,3,0,0,0,sales,low +0.67,0.54,2,141,2,0,0,0,sales,low +0.55,0.81,4,260,2,0,0,0,sales,low +0.87,0.71,3,132,2,0,0,0,sales,low +0.46,0.69,2,159,2,0,0,0,sales,low +0.63,0.57,4,177,3,1,0,0,sales,low +0.54,0.96,4,248,3,0,0,0,sales,low +1,0.49,3,185,2,0,0,0,sales,low +0.97,0.66,4,149,2,0,0,0,accounting,low +0.9,0.92,3,152,3,0,0,0,accounting,low +0.75,0.7,3,129,3,0,0,0,accounting,medium +0.92,0.84,4,208,2,0,0,0,hr,medium +0.8,0.94,4,136,2,0,0,0,hr,medium +0.57,0.81,3,142,2,0,0,0,hr,medium +0.81,0.94,3,225,4,0,0,0,hr,medium +0.64,0.6,3,143,3,0,0,0,technical,medium +0.71,0.54,4,215,3,0,0,0,technical,medium +0.35,0.58,3,229,6,1,0,0,technical,medium +0.88,0.81,5,193,5,0,0,0,technical,medium +0.13,0.59,5,160,5,0,0,0,technical,medium +0.82,0.73,4,195,5,1,0,0,technical,medium +0.17,0.92,4,189,2,0,0,0,technical,medium +0.21,0.82,4,207,5,0,0,0,technical,high +0.89,0.47,4,108,3,0,0,0,technical,low +0.2,0.72,6,224,4,0,0,0,technical,medium +0.99,0.81,5,180,3,1,0,0,technical,medium +0.26,0.85,6,152,4,0,0,0,support,medium +0.22,0.53,4,244,2,0,0,0,support,medium +0.79,0.84,3,176,3,0,0,0,support,low +0.73,0.79,4,145,2,1,0,0,support,low +0.83,0.54,3,149,3,0,0,0,support,low +0.42,0.54,3,122,4,0,0,0,support,low +0.18,0.8,2,110,5,0,0,0,support,low +0.92,0.91,4,222,2,0,0,0,support,low +0.87,0.52,3,237,3,0,0,0,support,low +0.72,0.65,4,224,3,0,0,0,support,low +0.64,0.58,5,115,5,0,0,0,support,low +1,0.66,4,180,3,0,0,0,technical,low +0.83,0.65,4,162,3,0,0,0,technical,low +0.98,0.58,4,136,3,0,0,0,technical,low +0.7,0.87,3,260,2,0,0,0,management,low +0.9,0.79,4,150,2,0,0,0,IT,low +0.55,0.99,4,248,3,0,0,0,IT,low +0.78,0.84,3,233,3,1,0,0,IT,low +0.89,0.53,5,272,3,0,0,0,IT,low +0.17,0.59,3,197,5,0,0,0,IT,low +0.14,0.64,5,164,5,0,0,0,product_mng,low +0.85,0.57,4,216,2,0,0,0,product_mng,low +0.84,0.79,4,266,3,1,0,0,product_mng,low +0.7,0.69,3,102,4,1,0,0,product_mng,medium +0.16,0.98,5,284,5,0,0,0,IT,medium +0.51,0.69,3,145,2,1,0,0,RandD,medium +0.6,0.89,3,167,4,0,0,0,RandD,medium +0.5,0.63,3,172,2,0,0,0,RandD,medium +0.43,0.39,5,198,5,0,0,0,RandD,medium +0.5,0.7,4,201,4,0,0,0,RandD,medium +0.91,0.89,4,197,4,0,0,0,marketing,medium +0.65,0.93,4,270,2,0,0,0,sales,medium +0.59,0.52,2,149,3,0,0,0,accounting,medium +0.89,0.56,3,256,3,0,0,0,support,medium +0.97,0.6,3,162,3,0,0,0,technical,medium +0.56,0.97,5,163,2,0,0,0,management,high +0.76,0.93,3,266,3,1,0,0,marketing,low +0.28,0.55,4,208,4,0,0,0,marketing,medium +0.75,0.51,4,138,4,0,0,0,marketing,medium +0.78,0.81,4,232,3,0,0,0,sales,medium +0.26,0.63,6,100,4,0,0,0,sales,medium +0.53,0.72,2,172,5,0,0,0,sales,low +0.25,0.41,3,133,6,1,0,0,sales,low +0.82,0.51,3,234,3,0,0,0,sales,low +0.71,0.57,2,183,4,0,0,0,sales,low +0.61,0.95,4,174,4,0,0,0,sales,low +0.89,0.68,3,175,2,0,0,0,sales,low +0.57,0.78,3,109,3,1,0,0,sales,low +0.93,0.8,4,248,3,0,0,0,sales,low +0.61,0.84,5,104,4,0,0,0,sales,low +0.56,0.62,3,154,2,0,0,0,sales,low +0.7,0.89,6,214,2,0,0,0,sales,low +0.9,0.64,4,209,4,0,0,0,sales,low +0.15,0.74,6,212,2,0,0,0,sales,low +0.39,0.36,3,168,3,1,0,0,sales,low +0.74,0.72,4,176,3,0,0,0,sales,low +0.7,0.61,4,163,4,1,0,0,sales,low +0.72,0.93,4,148,2,0,0,0,sales,low +0.61,0.97,3,137,3,0,0,0,accounting,low +0.96,1,5,162,3,0,0,0,accounting,low +0.7,0.59,4,216,3,0,0,0,accounting,low +0.92,0.49,3,240,2,0,0,0,hr,low +0.72,0.56,4,176,2,0,0,0,hr,medium +0.53,0.75,6,192,6,0,0,0,hr,medium +0.67,0.85,3,160,4,0,0,0,hr,medium +0.78,0.8,4,194,2,1,0,0,technical,medium +0.53,0.75,4,239,2,1,0,0,technical,medium +0.9,0.48,4,204,3,0,0,0,technical,medium +0.16,0.9,5,258,3,0,0,0,technical,medium +0.62,0.38,3,257,3,0,0,0,technical,medium +0.62,0.98,4,137,3,0,0,0,technical,medium +0.22,0.52,6,175,4,0,0,0,technical,medium +0.91,0.82,3,183,3,0,0,0,technical,medium +0.87,0.74,4,190,4,0,0,0,technical,medium +0.95,0.69,3,225,2,0,0,0,technical,high +0.99,0.75,3,215,3,0,0,0,technical,low +0.99,0.57,3,176,4,1,0,0,support,medium +0.77,0.99,4,153,3,1,0,0,support,medium +0.75,0.68,3,150,2,1,0,0,support,medium +0.83,0.54,4,259,5,0,0,0,support,medium +0.61,0.39,3,99,2,0,0,0,support,low +0.91,0.97,3,167,2,0,0,0,support,low +0.47,0.64,3,192,3,0,0,0,support,low +0.77,0.61,5,146,3,0,0,0,support,low +0.55,0.51,3,190,3,0,0,0,support,low +0.32,0.48,5,246,3,0,0,0,support,low +0.96,0.67,6,190,3,0,0,0,support,low +0.72,0.79,5,260,2,0,0,0,technical,low +0.8,0.9,4,136,3,0,0,0,technical,low +0.61,0.55,4,231,3,0,0,0,technical,low +0.97,0.88,3,204,2,0,0,0,management,low +0.63,0.93,4,201,3,0,0,0,IT,low +0.92,0.92,3,159,3,0,0,0,IT,low +0.94,0.74,5,171,3,0,0,0,IT,low +0.79,0.72,6,240,4,0,0,0,IT,low +0.75,0.73,2,152,4,0,0,0,IT,low +0.78,0.99,3,151,3,1,0,0,product_mng,low +0.96,0.45,6,232,2,1,0,0,product_mng,low +0.65,0.68,4,128,5,0,0,0,product_mng,low +0.18,0.94,3,187,6,1,0,0,product_mng,low +0.94,0.51,3,160,2,0,0,0,IT,low +0.84,0.79,4,259,3,0,0,0,RandD,medium +0.67,0.54,2,136,2,0,0,0,RandD,medium +0.71,0.5,4,253,3,0,0,0,RandD,medium +0.56,0.64,3,260,3,0,0,0,RandD,medium +0.29,0.56,5,231,6,0,0,0,RandD,medium +0.47,0.9,3,101,2,1,0,0,marketing,medium +0.4,0.69,2,174,3,0,0,0,sales,medium +0.81,0.82,4,167,2,0,0,0,accounting,medium +0.96,0.99,3,148,3,0,0,0,support,medium +0.99,0.75,6,139,5,1,0,0,technical,medium +0.75,0.77,4,136,3,0,0,0,management,medium +0.75,0.74,4,153,2,0,0,0,marketing,medium +1,0.86,4,161,2,0,0,0,marketing,high +0.52,0.53,2,163,2,0,0,0,marketing,low +0.98,0.74,3,164,3,0,0,0,sales,medium +0.6,0.64,2,137,5,0,0,0,sales,medium +0.38,0.44,3,137,3,0,0,0,sales,medium +0.51,0.41,6,106,5,0,0,0,sales,medium +0.91,0.61,2,272,2,0,0,0,sales,low +0.56,0.62,5,238,3,0,0,0,sales,low +0.58,0.69,4,223,4,0,0,0,sales,low +0.51,0.53,3,201,2,0,0,0,sales,low +0.91,0.55,6,97,4,0,0,0,sales,low +0.8,0.98,2,232,6,1,0,0,sales,low +0.55,0.83,4,199,3,0,0,0,sales,low +0.62,0.53,3,141,3,0,0,0,sales,low +0.62,0.6,3,171,2,0,0,0,sales,low +0.87,0.58,4,212,3,0,0,0,sales,low +0.65,0.5,5,270,2,0,0,0,sales,low +0.51,0.64,3,267,2,0,0,0,sales,low +0.98,0.77,3,134,2,1,0,0,sales,low +0.13,0.43,4,165,5,0,0,0,sales,low +0.78,0.76,5,168,4,1,0,0,sales,low +0.6,0.98,3,262,2,0,0,0,accounting,low +0.68,0.69,3,185,2,0,0,0,accounting,low +0.55,0.84,3,237,3,0,0,0,accounting,low +0.99,0.79,4,192,3,0,0,0,hr,low +0.92,0.68,5,236,2,0,0,0,hr,low +1,0.65,4,202,4,1,0,0,hr,low +0.77,0.93,4,171,2,0,0,0,hr,medium +0.86,0.7,5,160,3,0,0,0,technical,medium +0.89,0.84,2,252,3,0,0,0,technical,medium +0.58,0.55,5,206,3,0,0,0,technical,medium +0.56,0.66,3,212,2,0,0,0,technical,medium +0.38,0.64,3,111,3,0,0,0,technical,medium +0.62,0.64,3,240,2,0,0,0,technical,medium +0.66,0.77,2,171,2,0,0,0,technical,medium +0.3,0.44,3,129,2,0,0,0,technical,medium +0.82,0.83,3,271,2,0,0,0,technical,medium +0.96,0.68,4,162,2,0,0,0,technical,medium +0.66,0.95,3,191,3,0,0,0,technical,medium +0.79,0.5,5,176,3,0,0,0,support,high +0.97,0.77,3,182,2,1,0,0,support,low +0.59,0.65,3,226,3,0,0,0,support,medium +0.57,0.48,4,161,3,0,0,0,support,medium +0.64,0.53,4,163,3,0,0,0,support,medium +0.14,0.51,5,173,4,0,0,0,support,medium +0.48,0.55,3,228,2,0,0,0,support,low +0.78,1,3,139,3,0,0,0,support,low +0.96,0.62,5,128,5,0,0,0,support,low +0.82,0.97,3,115,2,1,0,0,support,low +0.94,0.9,5,191,4,0,0,0,support,low +0.95,0.66,4,183,3,0,0,0,technical,low +0.59,0.43,3,173,3,0,0,0,technical,low +0.69,0.89,4,174,2,0,0,0,technical,low +0.74,0.72,3,213,3,0,0,0,management,low +0.67,0.67,4,192,4,0,0,0,IT,low +0.83,0.52,3,167,2,1,0,0,IT,low +0.81,0.85,3,263,3,1,0,0,IT,low +0.54,0.73,2,100,3,0,0,0,IT,low +0.89,0.83,3,164,3,0,0,0,IT,low +0.79,0.74,5,172,2,0,0,0,product_mng,low +0.46,0.58,4,171,3,0,0,0,product_mng,low +0.99,0.93,4,236,3,0,0,0,product_mng,low +0.75,0.9,5,186,4,0,0,0,product_mng,low +0.93,0.82,4,175,3,0,0,0,IT,low +0.65,0.6,5,227,3,0,0,0,RandD,low +0.19,0.63,4,142,6,0,0,0,RandD,low +0.48,0.61,2,121,2,0,0,0,RandD,medium +0.95,0.64,5,234,3,0,0,0,RandD,medium +0.92,0.77,4,185,3,0,0,0,RandD,medium +0.84,0.54,4,160,3,0,0,0,marketing,medium +0.37,0.63,4,153,3,1,0,0,sales,medium +0.22,0.74,3,199,6,0,0,0,accounting,medium +0.64,0.54,3,166,2,0,0,0,support,medium +0.72,0.88,2,247,3,0,0,0,technical,medium +0.48,0.69,4,245,3,0,0,0,management,medium +0.12,0.55,5,242,4,0,0,0,marketing,medium +0.78,0.98,5,158,2,0,0,0,marketing,medium +0.71,0.74,3,163,3,1,0,0,marketing,medium +0.38,0.69,3,99,3,1,0,0,sales,high +0.57,0.85,4,164,3,0,0,0,sales,low +0.72,0.51,3,160,3,0,0,0,sales,medium +0.6,0.57,2,184,3,0,0,0,sales,medium +0.61,0.55,5,266,2,0,0,0,sales,medium +0.67,0.64,4,190,2,0,0,0,sales,medium +0.97,0.97,5,192,2,0,0,0,sales,low +0.22,0.6,3,205,6,1,0,0,sales,low +0.15,0.53,4,205,5,1,0,0,sales,low +0.6,0.6,3,258,3,0,0,0,sales,low +0.15,0.8,5,151,2,1,0,0,sales,low +0.5,0.81,3,148,2,0,0,0,sales,low +0.9,0.67,3,179,2,0,0,0,sales,low +0.84,0.51,6,141,2,1,0,0,sales,low +0.74,0.78,5,216,2,0,0,0,sales,low +0.72,0.51,3,235,2,0,0,0,sales,low +0.93,0.63,3,160,4,1,0,0,sales,low +0.54,0.69,3,141,4,0,0,0,sales,low +0.87,0.65,4,246,2,1,0,0,sales,low +0.19,0.98,5,226,4,1,0,0,accounting,low +0.33,0.4,4,212,2,1,0,0,accounting,low +0.94,0.93,4,220,3,0,0,0,accounting,low +0.77,0.49,4,266,2,0,0,0,hr,low +0.48,0.82,3,183,2,0,0,0,hr,low +0.7,0.74,5,263,3,1,0,0,hr,low +0.54,0.93,4,161,4,1,0,0,hr,low +0.61,0.98,4,199,2,0,0,0,technical,low +0.97,0.4,4,258,4,1,0,0,technical,medium +0.6,0.85,3,209,2,1,0,0,technical,medium +0.93,0.84,5,135,3,0,0,0,technical,medium +0.48,0.69,4,222,2,0,0,0,technical,medium +0.16,0.76,5,192,3,0,0,0,technical,medium +0.18,0.75,3,250,3,0,0,0,technical,medium +0.84,0.75,3,187,3,1,0,0,technical,medium +0.69,0.63,4,217,3,0,0,0,technical,medium +0.22,0.88,4,213,3,1,0,0,technical,medium +0.83,0.52,4,273,3,0,0,0,technical,medium +0.58,0.5,2,132,3,0,0,0,support,medium +0.61,0.62,4,140,3,1,0,0,support,medium +0.67,0.5,4,173,2,1,0,0,support,high +0.56,0.76,4,189,2,0,0,0,support,low +0.74,0.74,3,156,3,0,0,0,support,medium +0.92,0.97,4,238,5,1,0,0,support,medium +0.81,0.68,5,230,2,0,0,0,support,medium +0.48,0.49,4,242,2,1,0,0,support,medium +0.73,0.72,4,197,3,0,0,0,support,low +0.97,0.66,6,164,5,0,0,0,support,low +0.15,0.51,6,248,5,0,0,0,support,low +0.69,0.76,5,255,6,0,0,0,technical,low +0.61,0.68,5,225,4,0,0,0,technical,low +0.86,0.58,3,151,2,0,0,0,technical,low +0.55,0.88,4,252,3,0,0,0,management,low +0.9,0.74,4,206,4,1,0,0,IT,low +0.65,0.4,2,141,2,0,0,0,IT,low +0.81,0.92,5,259,3,0,0,0,IT,low +0.65,0.86,5,250,3,0,0,0,IT,low +0.47,0.86,4,169,6,0,0,0,IT,low +0.93,0.53,3,200,3,1,0,0,product_mng,low +0.77,0.9,4,104,5,0,0,0,product_mng,low +0.87,0.82,6,176,3,0,0,0,product_mng,low +0.87,0.84,5,137,2,0,0,0,product_mng,low +0.65,0.75,2,151,3,0,0,0,IT,low +0.21,0.7,6,130,6,1,0,0,RandD,low +0.75,0.59,4,199,2,0,0,0,RandD,low +0.72,0.86,4,191,2,0,0,0,RandD,low +0.88,0.63,3,273,3,1,0,0,RandD,low +0.66,0.58,3,205,3,0,0,0,RandD,medium +0.8,0.75,3,181,3,0,0,0,marketing,medium +0.22,0.55,4,261,3,1,0,0,sales,medium +0.92,0.69,3,192,3,0,0,0,accounting,medium +0.54,0.77,4,271,3,0,0,0,support,medium +0.91,0.56,4,158,3,0,0,0,technical,medium +0.77,0.83,4,231,2,0,0,0,management,medium +0.61,0.51,3,156,3,1,0,0,marketing,medium +0.48,0.9,4,201,4,0,0,0,marketing,medium +0.25,0.69,3,187,4,0,0,0,marketing,medium +0.91,0.7,3,132,4,0,0,0,sales,medium +0.72,0.58,5,147,3,1,0,0,sales,medium +0.77,0.71,4,223,3,0,0,0,sales,high +0.41,0.4,2,194,2,0,0,0,sales,low +0.51,0.49,4,234,2,0,0,0,sales,medium +0.72,0.79,3,149,3,0,0,0,sales,medium +0.47,0.57,3,162,3,1,0,0,sales,medium +0.53,0.67,4,238,2,0,0,0,sales,medium +0.65,0.52,5,149,3,0,0,0,sales,low +0.18,0.75,4,170,5,0,0,0,sales,low +0.61,0.48,3,250,2,0,0,0,sales,low +0.86,0.72,4,167,2,0,0,0,sales,low +0.14,0.77,4,166,5,0,0,0,sales,low +0.63,0.8,3,205,2,0,0,0,sales,low +0.79,0.57,3,250,3,0,0,0,sales,low +0.78,0.97,4,142,3,0,0,0,sales,low +0.14,0.52,4,217,6,0,0,0,sales,low +0.85,0.54,3,139,3,0,0,0,sales,low +0.85,0.75,4,139,3,0,0,0,sales,low +0.91,0.76,5,152,3,0,0,0,accounting,low +0.76,0.74,3,224,2,0,0,0,accounting,low +0.62,0.72,5,180,3,0,0,0,accounting,low +0.53,0.69,4,216,2,0,0,0,hr,low +0.97,0.63,3,133,3,0,0,0,hr,low +0.48,0.53,4,271,3,0,0,0,hr,low +0.5,0.55,4,148,3,1,0,0,hr,low +0.32,0.42,2,99,4,0,0,0,technical,low +0.58,0.77,4,196,2,1,0,0,technical,low +0.81,0.83,3,196,2,0,0,0,technical,low +0.48,0.84,4,228,3,0,0,0,technical,medium +0.96,0.88,4,165,2,0,0,0,technical,medium +0.56,0.9,3,235,2,0,0,0,technical,medium +0.63,0.96,4,167,2,0,0,0,technical,medium +0.21,0.5,5,255,5,0,0,0,technical,medium +0.94,0.78,3,184,3,1,0,0,technical,medium +0.94,0.89,4,239,3,0,0,0,technical,medium +0.96,0.54,3,153,2,0,0,0,technical,medium +0.49,0.5,4,187,5,1,0,0,support,medium +0.82,0.68,2,285,2,0,0,0,support,medium +0.6,0.5,3,274,3,0,0,0,support,medium +0.76,0.5,3,156,3,1,0,0,support,medium +0.69,0.64,5,265,2,1,0,0,support,high +1,0.94,4,144,3,0,0,0,support,low +0.62,0.66,4,143,3,0,0,0,support,medium +0.4,0.99,4,214,6,1,0,0,support,medium +0.94,0.91,3,163,3,0,0,0,support,medium +0.76,0.84,4,236,4,0,0,0,support,medium +0.58,0.69,3,146,4,0,0,0,support,low +0.85,0.78,4,106,2,0,0,0,technical,low +0.45,0.52,2,105,3,0,0,0,technical,low +0.13,0.67,3,181,4,0,0,0,technical,low +0.24,0.5,5,174,4,0,0,0,management,low +0.64,0.69,3,207,2,1,0,0,IT,low +0.63,0.61,6,118,2,0,0,0,IT,low +0.61,0.99,4,251,2,0,0,0,IT,low +0.71,0.99,2,136,3,0,0,0,IT,low +0.9,0.89,5,249,3,1,0,0,IT,low +0.17,0.76,4,171,5,0,0,0,product_mng,low +0.93,0.97,3,256,2,1,0,0,product_mng,low +0.83,0.89,5,141,3,1,0,0,product_mng,low +0.58,0.75,4,186,2,0,0,0,product_mng,low +0.76,0.5,3,258,3,0,0,0,IT,low +0.5,0.78,3,228,2,0,0,0,RandD,low +0.22,0.81,5,205,4,0,0,0,RandD,low +0.9,0.88,4,174,3,0,0,0,RandD,low +0.7,0.63,3,155,4,1,0,0,RandD,low +0.73,0.85,5,245,3,0,0,0,RandD,low +0.84,0.87,3,271,3,0,0,0,marketing,low +0.55,0.63,5,184,4,0,0,0,marketing,medium +0.63,0.98,4,175,2,0,0,0,sales,medium +0.51,0.92,3,224,3,0,0,0,accounting,medium +0.81,0.76,4,177,3,0,0,0,support,medium +0.8,0.96,4,268,3,0,0,0,technical,medium +0.99,0.97,4,208,3,0,0,0,management,medium +0.9,0.87,5,219,2,0,0,0,marketing,medium +0.65,0.67,5,128,5,0,0,0,marketing,medium +0.75,0.75,3,273,3,0,0,0,marketing,medium +0.62,0.49,4,218,4,0,0,0,sales,medium +0.61,0.63,5,230,3,0,0,0,sales,medium +0.24,0.6,4,195,5,0,0,0,sales,medium +0.71,0.63,3,254,3,1,0,0,sales,high +0.49,0.8,2,275,2,0,0,0,sales,low +0.44,0.66,3,162,2,0,0,0,sales,medium +0.75,0.87,4,193,3,0,0,0,sales,medium +0.74,0.84,3,239,4,0,0,0,sales,medium +0.62,0.87,5,149,3,0,0,0,sales,medium +0.51,0.58,3,155,3,0,0,0,sales,low +0.61,0.59,5,271,2,0,0,0,sales,low +0.56,0.49,5,163,3,0,0,0,sales,low +0.79,0.76,3,160,3,0,0,0,sales,low +0.68,0.75,6,274,5,0,0,0,sales,low +0.9,0.84,2,199,3,0,0,0,sales,low +0.83,0.93,5,241,3,0,0,0,sales,low +0.94,0.82,3,187,3,0,0,0,sales,low +0.21,0.65,5,223,3,1,0,0,sales,low +0.58,0.87,3,268,2,0,0,0,sales,low +0.52,0.38,6,169,3,0,0,0,accounting,low +0.18,0.67,5,285,5,0,0,0,accounting,low +0.94,0.91,5,254,3,0,0,0,accounting,low +0.69,0.5,3,208,4,0,0,0,hr,low +0.65,0.83,4,218,3,0,0,0,hr,low +0.46,0.62,2,187,3,0,0,0,hr,low +0.72,0.62,4,256,3,0,0,0,hr,low +0.3,0.37,6,278,3,0,0,0,technical,low +0.51,0.51,4,204,2,0,0,0,technical,low +0.43,0.75,3,108,2,0,0,0,technical,low +0.56,0.94,3,226,2,0,0,0,technical,low +0.63,0.91,4,246,3,0,0,0,technical,medium +0.61,0.55,5,260,3,0,0,0,technical,medium +0.53,0.73,4,248,2,0,0,0,technical,medium +0.87,0.75,3,132,3,0,0,0,technical,medium +0.68,0.7,4,185,4,0,0,0,technical,medium +0.78,0.84,3,269,2,0,0,0,technical,medium +0.49,0.95,4,156,2,0,0,0,technical,medium +0.96,0.81,3,212,3,0,0,0,support,medium +0.83,0.74,3,221,2,0,0,0,support,medium +0.48,0.67,5,273,3,0,0,0,support,medium +0.63,0.86,4,271,3,1,0,0,support,medium +0.87,0.38,4,183,5,0,0,0,support,medium +0.21,0.9,4,271,6,0,0,0,support,high +0.79,0.58,5,165,3,0,0,0,support,low +0.8,0.96,3,257,5,0,0,0,support,medium +0.78,0.82,4,143,3,0,0,0,support,medium +0.67,0.65,5,156,2,0,0,0,support,medium +0.67,0.71,3,190,3,1,0,0,support,medium +0.26,0.67,2,242,6,0,0,0,technical,low +0.89,0.83,5,267,4,0,0,0,technical,low +0.7,0.53,4,152,3,0,0,0,technical,low +0.51,0.48,5,136,4,0,0,0,management,low +0.53,0.88,3,157,3,0,0,0,IT,low +0.76,0.51,4,281,3,0,0,0,IT,low +0.86,0.93,5,208,2,0,0,0,IT,low +0.63,0.96,5,152,3,0,0,0,IT,low +0.58,0.86,5,271,3,0,0,0,IT,low +0.58,0.83,4,163,3,1,0,0,product_mng,low +0.9,0.82,4,136,3,0,0,0,product_mng,low +0.79,0.57,4,233,2,0,0,0,product_mng,low +0.8,0.74,4,221,4,0,0,0,product_mng,low +0.53,0.65,2,189,2,1,0,0,IT,low +0.52,0.84,2,226,3,0,0,0,RandD,low +0.82,0.59,5,201,3,0,0,0,RandD,low +0.68,0.9,2,133,4,0,0,0,RandD,low +0.21,0.61,3,173,2,0,0,0,RandD,low +0.81,0.5,4,152,3,1,0,0,RandD,low +0.57,0.9,3,256,4,0,0,0,RandD,low +0.99,0.72,3,119,2,1,0,0,marketing,low +0.9,1,4,207,3,0,0,0,sales,medium +0.76,0.64,3,189,3,0,0,0,accounting,medium +0.56,0.92,4,172,2,0,0,0,support,medium +0.5,0.93,6,150,3,1,0,0,technical,medium +0.48,0.89,5,179,3,0,0,0,management,medium +0.99,0.97,3,257,2,0,0,0,marketing,medium +0.76,0.8,5,229,2,0,0,0,marketing,medium +0.93,0.97,4,227,3,0,0,0,marketing,medium +0.99,0.78,4,140,3,0,0,0,sales,medium +0.85,0.78,4,251,3,0,0,0,sales,medium +0.63,0.95,4,137,3,0,0,0,sales,medium +0.63,0.78,3,153,3,1,0,0,sales,medium +0.5,0.65,5,242,3,0,0,0,sales,high +0.52,0.57,3,150,3,0,0,0,sales,low +0.63,0.99,3,247,3,0,0,0,sales,medium +0.78,0.5,4,212,2,0,0,0,sales,medium +0.98,0.53,3,234,3,0,0,0,sales,medium +0.14,1,5,174,5,0,0,0,sales,medium +0.7,0.9,3,225,2,0,0,0,sales,low +0.88,0.6,4,224,2,0,0,0,sales,low +0.72,0.62,3,270,4,0,0,0,sales,low +0.88,0.51,4,139,3,0,0,0,sales,low +0.71,0.51,3,248,4,0,0,0,sales,low +0.6,0.85,3,172,2,0,0,0,sales,low +0.88,0.86,4,224,3,1,0,0,sales,low +0.55,0.72,5,232,4,0,0,0,sales,low +0.85,0.55,4,260,2,1,0,0,sales,low +0.84,0.51,2,117,4,0,0,0,accounting,low +0.91,0.61,4,243,2,1,0,0,accounting,low +0.82,0.62,4,202,2,0,0,0,accounting,low +0.6,0.91,2,168,4,0,0,0,hr,low +0.89,0.71,5,194,3,0,0,0,hr,low +0.6,0.97,4,219,4,1,0,0,hr,low +0.64,0.52,4,207,3,0,0,0,hr,low +0.93,0.88,4,177,3,0,0,0,technical,low +0.81,0.99,3,239,2,1,0,0,technical,low +0.31,0.49,4,165,3,1,0,0,technical,low +0.68,0.69,4,225,2,0,0,0,technical,low +0.78,0.59,3,212,2,0,0,0,technical,low +0.44,0.42,4,159,4,0,0,0,technical,medium +0.64,0.93,4,233,2,1,0,0,technical,medium +0.81,0.63,4,108,6,0,0,0,technical,medium +0.5,0.49,3,214,3,0,0,0,technical,medium +0.69,0.61,5,229,3,0,0,0,technical,medium +0.77,0.75,4,223,3,0,0,0,technical,medium +0.69,0.56,4,178,3,0,0,0,support,medium +0.87,0.68,4,246,2,0,0,0,support,medium +0.85,0.91,4,145,3,0,0,0,support,medium +0.83,0.83,4,224,4,0,0,0,support,medium +0.68,0.51,3,259,3,0,0,0,support,medium +0.78,0.65,4,207,2,0,0,0,support,medium +0.78,0.89,3,253,3,0,0,0,support,high +0.93,0.68,4,196,2,1,0,0,support,low +0.54,0.75,3,240,3,0,0,0,support,medium +0.76,0.56,3,255,3,0,0,0,support,medium +0.4,0.72,3,139,2,0,0,0,support,medium +0.73,0.81,3,168,2,0,0,0,technical,medium +0.86,0.98,5,233,3,0,0,0,technical,low +0.38,0.68,5,211,6,0,0,0,technical,low +0.71,0.48,5,114,3,0,0,0,management,low +0.58,0.97,5,202,2,0,0,0,IT,low +0.67,0.59,3,177,3,1,0,0,IT,low +0.55,0.76,4,233,4,0,0,0,IT,low +0.76,0.98,2,111,2,0,0,0,IT,low +0.7,0.82,3,178,3,0,0,0,IT,low +0.66,0.46,4,204,4,0,0,0,product_mng,low +0.96,0.72,3,272,3,0,0,0,product_mng,low +0.6,0.77,4,157,4,0,0,0,product_mng,low +0.54,0.94,5,229,3,1,0,0,product_mng,low +0.85,0.9,5,202,3,0,0,0,IT,low +0.96,0.84,3,264,3,0,0,0,RandD,low +0.86,0.62,3,256,3,1,0,0,RandD,low +0.53,0.87,3,151,2,0,0,0,RandD,low +0.91,0.95,3,251,3,0,0,0,RandD,low +0.33,0.7,5,271,4,0,0,0,RandD,low +0.75,0.73,4,274,2,0,0,0,RandD,low +0.97,0.8,3,169,3,0,0,0,marketing,low +0.68,0.51,4,176,4,1,0,0,sales,low +0.68,0.7,5,168,2,0,0,0,accounting,medium +0.57,0.87,4,171,2,0,0,0,support,medium +0.87,0.9,4,214,3,0,0,0,technical,medium +0.5,0.91,5,224,2,1,0,0,management,medium +0.76,0.59,3,191,4,0,0,0,marketing,medium +0.79,0.61,5,96,4,0,0,0,marketing,medium +0.17,0.9,6,217,6,1,0,0,marketing,medium +0.6,0.62,4,135,2,1,0,0,sales,medium +0.89,0.67,3,226,3,0,0,0,sales,medium +0.69,0.87,3,202,2,0,0,0,sales,medium +0.68,0.85,2,180,6,0,0,0,sales,medium +0.61,0.87,5,174,4,0,0,0,sales,medium +0.63,0.5,3,140,2,0,0,0,sales,high +0.5,0.96,4,147,3,0,0,0,sales,low +0.49,0.74,2,263,3,1,0,0,sales,medium +0.83,0.55,5,261,5,0,0,0,sales,medium +0.59,0.71,2,176,2,1,0,0,sales,medium +0.75,0.93,2,98,5,0,0,0,sales,medium +0.66,0.48,3,192,3,1,0,0,sales,low +0.68,0.51,4,157,3,0,0,0,sales,low +0.73,0.58,5,230,3,0,0,0,sales,low +0.98,0.53,4,192,2,1,0,0,sales,low +0.86,0.65,3,161,3,0,0,0,sales,low +0.5,0.55,3,176,3,0,0,0,sales,low +0.76,0.76,3,216,3,0,0,0,sales,low +0.3,0.47,4,176,2,0,0,0,sales,low +0.3,0.86,3,276,5,1,0,0,accounting,low +0.64,0.59,3,174,3,1,0,0,accounting,low +0.59,0.75,3,106,2,0,0,0,accounting,low +0.85,0.63,4,154,3,0,0,0,hr,low +0.76,0.93,3,271,5,0,0,0,hr,low +0.63,0.5,5,246,2,0,0,0,hr,low +0.65,0.86,4,264,2,1,0,0,hr,low +0.43,0.68,3,197,2,0,0,0,technical,low +0.83,0.56,4,165,2,0,0,0,technical,low +0.49,0.77,4,218,2,0,0,0,technical,low +0.67,0.73,3,203,2,0,0,0,technical,low +0.9,0.47,2,107,6,1,0,0,technical,low +0.83,0.96,3,179,2,0,0,0,technical,low +0.92,0.84,5,264,3,0,0,0,technical,medium +0.83,0.7,5,154,3,0,0,0,technical,medium +0.64,0.55,4,167,3,1,0,0,technical,medium +0.93,0.97,4,158,3,1,0,0,technical,medium +0.6,0.87,4,227,3,1,0,0,technical,medium +0.74,0.69,3,230,2,0,0,0,support,medium +0.56,0.75,5,143,5,0,0,0,support,medium +0.61,0.77,4,142,3,0,0,0,support,medium +0.63,0.62,4,184,4,0,0,0,support,medium +0.24,0.62,5,169,4,0,0,0,support,medium +0.17,0.56,5,218,4,1,0,0,support,medium +0.46,0.64,2,121,3,0,0,0,support,medium +0.68,0.48,4,251,4,0,0,0,support,high +0.68,0.6,2,192,6,0,0,0,support,low +0.16,0.71,6,227,5,0,0,0,support,medium +0.15,0.56,6,140,5,0,0,0,support,medium +0.55,0.49,3,152,2,0,0,0,technical,medium +0.72,0.66,4,202,4,0,0,0,technical,medium +0.91,0.89,2,219,4,0,0,0,technical,low +0.3,0.91,4,248,4,0,0,0,management,low +0.56,0.68,5,203,2,0,0,0,IT,low +0.94,0.94,3,255,3,0,0,0,IT,low +0.82,0.63,5,177,3,0,0,0,IT,low +0.66,0.86,5,185,3,0,0,0,IT,low +0.74,0.64,4,101,6,1,0,0,IT,low +0.63,0.5,3,246,3,0,0,0,product_mng,low +0.65,0.42,6,220,2,0,0,0,product_mng,low +0.56,0.81,3,145,2,0,0,0,product_mng,low +0.32,0.73,6,194,5,0,0,0,product_mng,low +0.8,0.9,4,241,2,0,0,0,IT,low +0.34,0.87,6,175,4,0,0,0,RandD,low +0.62,0.71,5,149,2,0,0,0,RandD,low +0.5,0.86,3,253,2,0,0,0,RandD,low +0.58,0.98,5,218,3,0,0,0,RandD,low +0.94,0.9,2,263,3,0,0,0,RandD,low +0.67,0.99,4,247,3,1,0,0,RandD,low +0.2,0.74,6,148,4,0,0,0,marketing,low +0.91,0.59,5,162,2,0,0,0,sales,low +0.91,0.67,2,255,4,0,0,0,accounting,low +0.78,0.87,3,191,3,1,0,0,support,medium +0.82,0.55,3,217,4,1,0,0,technical,medium +0.54,0.96,3,201,3,0,0,0,management,medium +0.53,0.81,3,253,3,0,0,0,marketing,medium +0.47,0.55,4,122,5,1,0,0,marketing,medium +0.87,0.5,3,269,3,0,0,0,marketing,medium +0.5,0.68,4,161,3,0,0,0,sales,medium +0.59,0.83,3,156,2,0,0,0,sales,medium +0.89,0.69,3,173,3,0,0,0,sales,medium +0.54,0.49,4,152,3,1,0,0,sales,medium +0.62,0.85,3,145,3,0,0,0,sales,medium +0.91,0.85,3,248,3,0,0,0,sales,medium +0.84,0.99,2,184,2,0,0,0,sales,high +0.69,0.65,4,232,2,1,0,0,sales,low +0.76,0.63,3,162,2,0,0,0,sales,medium +0.8,0.54,4,269,3,0,0,0,sales,medium +0.4,0.47,5,108,3,0,0,0,sales,medium +0.8,0.99,3,248,3,1,0,0,sales,medium +0.76,0.4,2,122,5,0,0,0,sales,low +0.55,0.9,4,273,2,1,0,0,sales,low +0.98,0.63,3,285,6,0,0,0,sales,low +0.54,0.56,4,227,3,0,0,0,sales,low +0.63,0.56,4,248,2,1,0,0,sales,low +0.88,0.63,3,257,3,0,0,0,sales,low +0.5,0.95,5,194,3,0,0,0,sales,low +0.52,0.72,3,253,3,0,0,0,accounting,low +0.89,0.95,4,141,3,0,0,0,accounting,low +0.55,0.9,4,199,3,0,0,0,accounting,low +0.51,0.81,3,143,2,0,0,0,hr,low +0.35,0.52,5,244,3,0,0,0,hr,low +0.54,0.71,5,173,2,0,0,0,hr,low +0.72,0.84,4,186,3,0,0,0,hr,low +0.61,0.93,2,247,3,0,0,0,technical,low +0.17,0.93,3,218,4,0,0,0,technical,low +0.71,0.88,3,140,2,0,0,0,technical,low +0.88,0.52,4,166,2,0,0,0,technical,low +0.48,1,3,216,2,0,0,0,technical,low +0.16,0.97,6,235,3,0,0,0,technical,low +0.62,0.72,3,188,3,0,0,0,technical,low +0.59,0.47,3,143,2,0,0,0,technical,medium +0.14,0.9,4,198,4,0,0,0,technical,medium +0.96,0.92,4,148,3,0,0,0,technical,medium +0.96,0.42,6,101,4,0,0,0,technical,medium +0.13,0.89,4,249,6,1,0,0,support,medium +0.64,0.61,5,249,3,1,0,0,support,medium +0.64,0.67,5,198,2,1,0,0,support,medium +0.57,0.72,3,202,3,1,0,0,support,medium +0.49,1,3,176,3,0,0,0,support,medium +0.89,0.79,4,133,2,0,0,0,support,medium +0.94,0.75,5,238,2,0,0,0,support,medium +0.51,0.58,2,181,4,0,0,0,support,medium +0.8,0.85,5,242,3,0,0,0,support,high +0.74,0.51,4,185,2,1,0,0,support,low +0.66,0.85,4,237,3,1,0,0,support,medium +0.66,0.99,5,244,3,0,0,0,technical,medium +0.59,0.62,3,178,4,0,0,0,technical,medium +0.91,0.57,3,164,3,0,0,0,technical,medium +0.83,0.98,5,189,4,1,0,0,management,low +0.5,0.91,3,212,2,0,0,0,IT,low +0.69,0.97,4,233,3,0,0,0,IT,low +0.87,0.91,5,268,3,0,0,0,IT,low +0.37,0.43,2,155,2,0,0,0,IT,low +0.9,0.98,4,257,3,0,0,0,IT,low +0.68,0.41,4,254,5,0,0,0,product_mng,low +0.93,0.63,4,143,3,1,0,0,product_mng,low +0.95,0.45,3,225,2,0,0,0,product_mng,low +0.99,1,4,223,2,1,0,0,product_mng,low +0.64,0.9,2,101,6,0,0,0,IT,low +0.96,0.37,2,159,6,0,0,0,RandD,low +0.92,0.54,5,141,2,0,0,0,RandD,low +0.22,0.52,5,147,5,1,0,0,RandD,low +0.82,0.99,5,252,3,1,0,0,RandD,low +0.75,0.89,3,196,3,0,0,0,RandD,low +0.2,0.89,6,244,3,0,0,0,RandD,low +0.64,0.73,3,142,3,0,0,0,marketing,low +0.62,0.9,4,155,4,0,0,0,sales,low +0.73,0.59,3,219,2,0,0,0,accounting,low +0.52,0.51,3,213,4,0,0,0,support,low +0.63,0.67,5,263,3,0,0,0,technical,medium +0.84,0.92,4,274,3,0,0,0,management,medium +0.49,0.96,3,140,3,0,0,0,marketing,medium +0.54,0.78,4,176,2,0,0,0,marketing,medium +0.52,0.78,4,206,2,0,0,0,marketing,medium +0.66,0.63,6,223,6,0,0,0,sales,medium +0.73,0.41,2,231,6,1,0,0,sales,medium +0.54,0.64,3,250,3,0,0,0,sales,medium +0.72,0.68,5,266,4,0,0,0,sales,medium +0.75,0.64,4,247,3,1,0,0,sales,medium +0.77,0.57,3,189,2,0,0,0,sales,medium +0.42,0.94,5,227,5,0,0,0,sales,medium +0.13,0.69,4,127,4,0,0,0,sales,high +0.73,0.88,5,204,5,0,0,0,sales,low +0.5,0.95,5,137,3,0,0,0,sales,medium +0.92,0.62,4,265,3,1,0,0,sales,medium +0.73,0.66,3,135,2,0,0,0,sales,medium +0.74,0.38,2,126,3,0,0,0,sales,medium +0.76,0.78,3,189,2,0,0,0,sales,low +0.53,0.92,3,207,4,1,0,0,sales,low +0.65,0.72,3,134,3,0,0,0,sales,low +0.91,0.85,4,203,2,0,0,0,sales,low +0.69,0.76,5,222,3,1,0,0,sales,low +0.56,0.66,3,232,2,0,0,0,sales,low +0.55,0.81,4,267,5,0,0,0,accounting,low +0.74,0.5,5,131,3,0,0,0,accounting,low +0.86,0.86,3,155,4,0,0,0,accounting,low +0.82,0.74,3,232,3,0,0,0,hr,low +0.35,0.8,3,137,5,0,0,0,hr,low +0.93,0.99,4,136,4,0,0,0,hr,low +0.55,0.77,3,237,2,0,0,0,hr,low +0.99,0.68,4,190,3,0,0,0,technical,low +0.91,0.89,4,144,3,1,0,0,technical,low +0.24,0.65,6,194,3,0,0,0,technical,low +0.77,0.67,3,186,2,0,0,0,technical,low +0.64,0.66,3,218,3,0,0,0,technical,low +0.58,0.76,5,260,2,1,0,0,technical,low +0.65,0.99,4,200,4,0,0,0,technical,low +0.44,0.68,3,140,3,0,0,0,technical,low +0.59,0.75,2,156,3,0,0,0,technical,medium +0.99,0.56,3,193,3,1,0,0,technical,medium +0.75,0.79,4,145,3,0,0,0,technical,medium +0.77,0.49,4,217,2,0,0,0,support,medium +0.85,0.64,4,162,3,0,0,0,support,medium +0.77,0.93,5,182,4,0,0,0,support,medium +0.54,0.95,3,221,3,0,0,0,support,medium +0.69,0.82,4,208,2,0,0,0,support,medium +0.66,0.65,5,161,3,0,0,0,support,medium +0.51,0.65,4,269,3,0,0,0,support,medium +0.74,0.59,4,155,3,0,0,0,support,medium +0.55,0.72,3,110,3,0,0,0,support,medium +0.65,0.84,3,154,3,0,0,0,support,high +0.2,0.77,6,213,4,0,0,0,support,low +0.92,0.94,5,248,3,0,0,0,technical,medium +0.57,0.6,3,202,3,0,0,0,technical,medium +0.75,0.78,2,251,6,0,0,0,technical,medium +0.68,0.84,3,239,2,0,0,0,management,medium +0.97,0.7,3,203,3,0,0,0,IT,low +0.79,0.48,4,184,5,1,0,0,IT,low +0.66,0.75,4,203,3,1,0,0,IT,low +0.96,0.69,3,214,2,1,0,0,IT,low +0.73,0.69,4,161,3,0,0,0,IT,low +0.29,0.58,5,234,2,0,0,0,product_mng,low +0.58,0.56,3,151,2,0,0,0,product_mng,low +0.72,0.58,4,149,3,0,0,0,product_mng,low +0.94,0.87,4,240,3,0,0,0,product_mng,low +0.48,0.56,5,140,2,0,0,0,IT,low +0.6,0.99,3,187,2,0,0,0,RandD,low +0.97,0.58,5,156,2,1,0,0,RandD,low +0.74,0.41,4,250,4,0,0,0,RandD,low +0.97,0.61,3,165,2,0,0,0,RandD,low +0.88,0.67,5,260,3,1,0,0,RandD,low +0.5,0.7,3,274,3,0,0,0,marketing,low +0.93,0.98,4,160,3,0,0,0,sales,low +0.3,0.7,5,280,4,1,0,0,accounting,low +0.69,0.53,3,142,3,0,0,0,support,low +0.69,0.9,2,155,2,0,0,0,technical,low +0.53,0.67,4,167,2,0,0,0,management,low +0.32,0.8,3,263,3,0,0,0,marketing,medium +0.73,0.75,3,259,4,0,0,0,marketing,medium +0.77,0.61,4,223,3,0,0,0,marketing,medium +0.59,0.81,6,123,5,0,0,0,sales,medium +0.19,0.51,5,226,3,0,0,0,sales,medium +0.78,0.95,3,270,2,0,0,0,sales,medium +0.84,0.74,3,139,3,0,0,0,sales,medium +0.65,0.77,5,241,2,0,0,0,sales,medium +0.38,0.43,2,160,6,0,0,0,sales,medium +0.12,0.47,3,258,5,0,0,0,sales,medium +0.74,0.81,5,106,5,0,0,0,sales,medium +0.67,0.82,4,171,2,0,0,0,sales,medium +0.5,0.79,3,186,3,0,0,0,sales,high +0.99,0.39,6,214,5,1,0,0,sales,low +0.79,0.89,4,240,3,0,0,0,sales,medium +0.72,0.51,4,164,3,0,0,0,sales,medium +0.83,0.57,4,232,3,0,0,0,sales,medium +0.69,0.55,5,242,2,0,0,0,sales,medium +0.5,0.89,5,222,3,0,0,0,sales,low +0.82,0.84,3,139,2,1,0,0,sales,low +0.68,0.56,4,272,3,0,0,0,sales,low +0.82,0.69,4,262,2,0,0,0,sales,low +0.32,0.81,2,249,3,0,0,0,accounting,low +0.93,0.86,4,219,3,0,0,0,accounting,low +0.42,0.73,4,208,5,0,0,0,accounting,low +0.22,0.44,3,166,6,0,0,0,hr,low +0.56,0.88,3,174,3,0,0,0,hr,low +0.77,0.75,4,225,3,0,0,0,hr,low +0.29,0.48,2,116,6,1,0,0,hr,low +0.97,0.65,3,219,2,0,0,0,technical,low +0.91,0.7,4,196,2,0,0,0,technical,low +0.52,0.67,4,210,3,1,0,0,technical,low +0.54,0.64,2,219,3,0,0,0,technical,low +0.54,0.98,3,197,3,0,0,0,technical,low +0.67,0.52,2,102,6,0,0,0,technical,low +0.72,0.85,3,186,4,0,0,0,technical,low +0.68,0.51,4,224,2,0,0,0,technical,low +0.65,0.98,3,283,2,1,0,0,technical,low +0.72,0.98,5,197,4,0,0,0,technical,low +0.51,0.79,5,267,3,0,0,0,technical,medium +0.8,0.58,4,172,3,0,0,0,support,medium +0.83,0.93,4,261,2,0,0,0,support,medium +0.15,0.86,3,204,4,0,0,0,support,medium +0.5,0.73,4,237,2,0,0,0,support,medium +0.8,0.55,2,212,3,0,0,0,support,medium +0.96,0.62,4,217,2,0,0,0,support,medium +0.67,0.7,5,159,3,1,0,0,support,medium +0.98,0.96,5,139,3,0,0,0,support,medium +0.88,0.59,5,230,3,0,0,0,support,medium +0.85,0.79,3,157,4,0,0,0,support,medium +0.75,0.7,5,269,3,0,0,0,support,medium +0.38,0.77,2,170,3,0,0,0,technical,high +0.55,0.82,2,197,4,0,0,0,technical,low +0.63,0.89,4,246,3,0,0,0,technical,medium +0.78,0.51,4,278,3,0,0,0,management,medium +0.99,0.84,5,138,2,0,0,0,IT,medium +0.72,0.87,3,238,3,0,0,0,IT,medium +0.14,0.83,5,175,6,1,0,0,IT,low +0.81,0.67,4,216,3,0,0,0,IT,low +0.73,0.86,4,196,4,1,0,0,IT,low +0.58,0.8,5,187,3,1,0,0,product_mng,low +0.24,0.85,4,155,5,0,0,0,product_mng,low +0.31,0.86,3,205,5,0,0,0,product_mng,low +0.74,0.63,3,230,2,0,0,0,product_mng,low +0.86,0.69,5,157,3,0,0,0,IT,low +0.22,0.8,4,287,4,0,0,0,RandD,low +0.66,0.7,4,161,3,0,0,0,RandD,low +0.21,0.76,5,239,2,0,0,0,RandD,low +0.95,0.61,3,267,2,0,0,0,RandD,low +0.24,0.55,5,208,5,0,0,0,RandD,low +0.66,0.95,3,133,3,0,0,0,marketing,low +0.88,0.86,3,187,3,0,0,0,marketing,low +0.67,0.61,4,140,2,0,0,0,sales,low +0.75,0.58,4,270,3,0,0,0,accounting,low +0.93,0.48,3,147,3,0,0,0,support,low +0.64,0.71,3,181,2,0,0,0,technical,low +0.51,0.53,3,156,3,0,0,0,management,low +0.98,0.5,4,207,3,0,0,0,marketing,low +0.72,0.63,4,241,4,1,0,0,marketing,medium +0.51,0.75,4,154,3,0,0,0,marketing,medium +0.54,0.58,4,206,3,0,0,0,sales,medium +0.99,0.76,4,204,2,0,0,0,sales,medium +0.44,0.9,4,117,3,0,0,0,sales,medium +0.74,0.48,5,144,3,0,0,0,sales,medium +0.9,0.77,3,156,3,0,0,0,sales,medium +0.86,0.58,4,211,4,0,0,0,sales,medium +0.66,0.52,3,149,4,1,0,0,sales,medium +0.64,0.96,4,152,5,0,0,0,sales,medium +0.5,0.59,4,192,2,0,0,0,sales,medium +0.88,0.68,4,274,4,0,0,0,sales,medium +0.72,0.47,5,168,6,0,0,0,sales,high +0.53,0.53,4,205,3,0,0,0,sales,low +0.83,0.77,3,228,3,0,0,0,sales,medium +0.24,0.52,4,228,5,0,0,0,sales,medium +0.66,0.75,5,227,3,1,0,0,sales,medium +0.43,0.63,3,156,3,0,0,0,sales,medium +0.75,0.66,5,177,2,0,0,0,sales,low +0.42,0.89,6,188,5,1,0,0,sales,low +0.54,0.74,3,185,4,0,0,0,sales,low +0.84,0.85,3,153,4,0,0,0,accounting,low +0.95,0.79,4,174,3,0,0,0,accounting,low +0.6,0.61,4,209,3,0,0,0,accounting,low +0.95,0.71,3,251,2,1,0,0,hr,low +0.62,0.89,3,153,3,1,0,0,hr,low +0.89,0.73,3,210,2,0,0,0,hr,low +0.73,0.93,5,167,3,0,0,0,hr,low +0.86,0.94,3,151,2,0,0,0,technical,low +0.76,0.73,3,158,2,0,0,0,technical,low +0.91,0.76,3,116,5,0,0,0,technical,low +1,0.81,5,178,2,0,0,0,technical,low +0.98,0.78,4,155,3,1,0,0,technical,low +0.65,0.89,3,151,2,0,0,0,technical,low +0.62,0.79,4,216,2,1,0,0,technical,low +0.83,0.82,5,179,3,0,0,0,technical,low +0.75,1,4,135,4,0,0,0,technical,low +0.82,0.63,4,232,4,0,0,0,technical,low +0.69,0.68,4,168,3,0,0,0,technical,low +0.41,0.96,6,171,5,1,0,0,support,medium +0.52,0.64,5,258,2,0,0,0,support,medium +0.74,0.86,3,221,2,0,0,0,support,medium +0.33,0.96,5,97,3,0,0,0,support,medium +0.8,0.69,3,164,3,0,0,0,support,medium +0.82,0.89,4,237,3,0,0,0,support,medium +0.59,0.65,5,161,2,0,0,0,support,medium +0.98,0.8,4,134,2,1,0,0,support,medium +0.93,0.94,4,188,3,0,0,0,support,medium +0.49,0.95,4,181,3,0,0,0,support,medium +0.6,0.94,4,160,2,0,0,0,support,medium +0.34,0.82,6,197,5,1,0,0,technical,medium +0.71,0.77,3,145,3,0,0,0,technical,high +0.6,0.64,5,221,2,0,0,0,technical,low +0.12,0.78,6,260,5,0,0,0,management,medium +0.16,0.87,3,99,5,1,0,0,IT,medium +0.57,0.61,3,243,3,0,0,0,IT,medium +0.72,0.8,5,244,3,0,0,0,IT,medium +0.91,0.55,4,179,4,0,0,0,IT,low +0.95,0.49,4,146,6,1,0,0,IT,low +0.71,0.9,3,262,2,1,0,0,product_mng,low +0.9,0.69,4,174,2,0,0,0,product_mng,low +0.66,0.81,4,148,4,0,0,0,product_mng,low +0.48,0.59,5,235,3,0,0,0,product_mng,low +0.82,0.82,5,285,2,1,0,0,IT,low +0.83,0.79,4,143,3,0,0,0,RandD,low +0.85,0.82,6,141,5,0,0,0,RandD,low +0.84,0.47,3,125,4,0,0,0,RandD,low +0.99,0.51,4,232,3,0,0,0,RandD,low +0.54,0.72,3,172,2,0,0,0,RandD,low +0.64,0.42,5,283,5,0,0,0,marketing,low +0.67,0.68,3,189,3,0,0,0,sales,low +0.48,0.54,2,144,3,0,0,0,accounting,low +0.58,0.77,4,145,3,1,0,0,support,low +0.54,0.59,3,200,3,0,0,0,technical,low +0.25,0.65,3,264,4,0,0,0,management,low +0.9,0.53,3,215,3,0,0,0,marketing,low +0.48,0.39,4,272,3,0,0,0,marketing,low +0.76,0.9,5,142,3,0,0,0,marketing,low +0.72,0.53,5,240,2,0,0,0,sales,medium +0.95,0.66,4,168,2,0,0,0,sales,medium +0.73,0.55,4,171,4,0,0,0,sales,medium +0.93,0.7,3,159,2,0,0,0,sales,medium +0.89,0.61,3,175,4,0,0,0,sales,medium +0.7,0.97,4,244,3,0,0,0,sales,medium +0.98,0.57,3,198,3,0,0,0,sales,medium +0.72,0.65,5,151,3,0,0,0,sales,medium +0.49,0.69,2,188,4,0,0,0,sales,medium +0.15,0.85,3,199,2,0,0,0,sales,medium +0.57,0.96,4,257,3,0,0,0,sales,medium +0.21,0.81,4,144,4,0,0,0,sales,medium +0.46,0.57,4,275,3,0,0,0,sales,high +0.56,0.52,3,243,3,0,0,0,sales,low +0.81,0.66,3,181,2,1,0,0,sales,medium +0.93,0.59,5,172,3,0,0,0,sales,medium +0.82,0.97,3,244,5,0,0,0,sales,medium +0.76,0.51,4,242,3,0,0,0,sales,medium +0.97,0.81,3,249,2,0,0,0,sales,low +0.38,0.81,5,128,3,1,0,0,accounting,low +0.46,0.49,3,213,3,0,0,0,accounting,low +0.34,0.57,4,152,3,1,0,0,accounting,low +0.63,0.76,4,245,3,0,0,0,hr,low +0.57,0.56,4,113,3,0,0,0,hr,low +0.17,0.76,4,280,5,0,0,0,hr,low +0.74,0.67,3,273,3,1,0,0,hr,low +0.59,0.56,4,221,3,1,0,0,technical,low +0.49,0.61,5,133,3,0,0,0,technical,low +0.49,0.58,3,136,4,1,0,0,technical,low +0.61,0.71,4,243,3,1,0,0,technical,low +0.81,0.79,5,135,3,0,0,0,technical,low +0.74,0.63,3,231,3,0,0,0,technical,low +0.91,0.98,3,259,4,0,0,0,technical,low +0.71,0.66,3,238,2,0,0,0,technical,low +0.73,0.71,3,210,3,0,0,0,technical,low +0.44,0.4,3,120,6,0,0,0,technical,low +0.6,0.56,2,203,4,0,0,0,technical,low +0.73,0.88,4,148,2,0,0,0,support,low +0.8,0.54,4,258,3,0,0,0,support,low +0.97,0.5,3,225,2,0,0,0,support,medium +0.99,0.75,4,208,2,0,0,0,support,medium +0.96,0.82,4,274,3,0,0,0,support,medium +0.24,0.7,5,147,6,1,0,0,support,medium +0.45,0.39,2,167,3,0,0,0,support,medium +0.74,0.96,4,154,4,0,0,0,support,medium +0.6,0.98,4,195,3,0,0,0,support,medium +0.67,0.56,3,237,4,0,0,0,support,medium +0.57,0.99,4,222,2,0,0,0,support,medium +0.87,0.71,5,145,4,0,0,0,technical,medium +0.25,0.83,3,257,5,1,0,0,technical,medium +0.98,0.84,3,286,4,0,0,0,technical,medium +0.3,0.64,2,137,3,0,0,0,management,high +0.21,0.52,5,130,2,0,0,0,IT,low +0.56,0.7,3,214,2,0,0,0,IT,medium +0.75,0.96,3,138,2,0,0,0,IT,medium +0.5,0.77,3,166,3,0,0,0,IT,medium +0.61,0.92,4,159,5,0,0,0,IT,medium +0.83,0.59,5,160,4,0,0,0,product_mng,low +0.66,0.76,3,155,4,1,0,0,product_mng,low +0.84,0.68,3,231,3,0,0,0,product_mng,low +0.87,0.57,4,227,3,0,0,0,product_mng,low +0.48,0.37,3,181,2,0,0,0,IT,low +0.84,0.79,4,222,3,0,0,0,RandD,low +0.49,0.71,3,196,3,0,0,0,RandD,low +0.67,0.93,3,206,3,0,0,0,RandD,low +0.12,0.93,6,257,6,1,0,0,RandD,low +0.99,0.67,5,153,2,0,0,0,RandD,low +0.17,0.59,5,250,5,0,0,0,marketing,low +0.58,0.66,3,250,5,0,0,0,sales,low +0.5,0.73,3,148,3,0,0,0,accounting,low +0.35,0.69,3,141,2,1,0,0,support,low +0.93,0.95,6,147,3,0,0,0,technical,low +0.73,0.87,3,142,3,0,0,0,management,low +0.91,0.54,3,210,2,0,0,0,marketing,low +0.72,0.66,3,152,2,0,0,0,marketing,low +0.51,0.39,3,149,3,0,0,0,marketing,low +0.55,0.92,3,198,3,0,0,0,sales,low +0.66,0.76,3,139,5,0,0,0,sales,low +0.84,0.41,6,255,6,1,0,0,sales,medium +0.81,0.8,4,229,2,0,0,0,sales,medium +0.81,0.69,5,134,2,0,0,0,sales,medium +0.5,0.75,5,255,3,0,0,0,sales,medium +0.78,0.68,5,189,3,0,0,0,sales,medium +0.76,0.74,3,183,3,0,0,0,sales,medium +0.49,0.71,3,154,2,0,0,0,sales,medium +0.99,0.61,3,167,3,0,0,0,sales,medium +0.73,0.48,4,139,5,0,0,0,sales,medium +0.88,0.74,5,245,2,0,0,0,sales,medium +0.79,0.91,4,200,3,0,0,0,sales,medium +0.83,0.98,3,159,2,0,0,0,sales,medium +0.21,0.44,4,163,6,0,0,0,sales,high +0.87,0.52,3,158,2,1,0,0,sales,low +1,0.89,3,194,3,0,0,0,sales,medium +0.49,0.98,3,267,3,1,0,0,sales,medium +0.51,0.63,3,183,2,0,0,0,sales,medium +0.63,0.64,3,174,2,0,0,0,accounting,medium +0.91,0.63,4,240,3,0,0,0,accounting,low +0.54,0.5,2,123,4,1,0,0,accounting,low +1,0.59,4,174,3,0,0,0,hr,low +0.64,0.91,5,246,3,0,0,0,hr,low +0.65,0.96,5,173,2,0,0,0,hr,low +0.15,0.93,4,185,5,0,0,0,hr,low +0.81,0.83,4,259,3,1,0,0,technical,low +0.61,0.83,3,112,4,1,0,0,technical,low +0.86,0.55,5,219,2,0,0,0,technical,medium +0.71,0.62,3,258,2,0,0,0,technical,medium +0.72,0.82,5,287,3,0,0,0,technical,medium +0.84,0.37,5,186,2,0,0,0,technical,medium +0.38,0.74,3,159,4,0,0,0,technical,medium +0.75,0.56,4,230,3,0,0,0,technical,medium +0.93,0.77,5,106,5,0,0,0,technical,medium +0.71,0.64,4,189,3,0,0,0,technical,medium +0.75,0.96,3,252,3,0,0,0,technical,medium +0.56,0.68,4,220,2,0,0,0,support,medium +0.57,0.82,5,218,3,0,0,0,support,medium +0.63,0.83,4,145,4,0,0,0,support,medium +0.59,0.91,4,142,3,1,0,0,support,medium +0.77,0.62,3,218,2,0,0,0,support,medium +0.65,0.7,4,157,4,0,0,0,support,medium +0.84,0.49,4,178,3,0,0,0,support,medium +0.9,0.45,4,241,6,0,0,0,support,medium +0.6,0.83,3,230,3,0,0,0,support,medium +0.9,0.74,5,249,3,0,0,0,support,medium +0.94,0.7,5,147,2,0,0,0,support,medium +0.56,0.9,4,115,3,0,0,0,technical,medium +0.95,0.86,5,143,3,0,0,0,technical,medium +0.97,0.85,4,219,3,0,0,0,technical,medium +0.55,0.63,4,218,2,0,0,0,management,medium +0.79,0.6,5,235,2,0,0,0,IT,medium +0.49,0.76,5,237,3,0,0,0,IT,high +0.49,0.58,5,186,2,0,0,0,IT,high +0.57,0.65,5,177,2,0,0,0,IT,high +0.89,0.81,4,228,4,0,0,0,IT,high +0.66,0.59,3,204,3,0,0,0,product_mng,high +0.94,0.77,5,210,3,0,0,0,product_mng,high +0.98,0.95,4,250,2,1,0,0,product_mng,high +0.18,0.52,5,185,6,0,0,0,product_mng,high +0.57,0.73,3,146,3,0,0,0,IT,high +0.67,0.55,3,217,2,0,0,0,RandD,high +0.12,0.61,6,172,6,0,0,0,RandD,high +0.48,0.95,3,184,2,0,0,0,RandD,high +0.61,0.97,3,148,3,0,0,0,RandD,low +0.23,0.52,5,236,4,0,0,0,RandD,low +0.4,0.38,3,280,2,0,0,0,marketing,low +0.57,0.6,3,218,3,0,0,0,sales,low +0.95,0.98,5,155,3,0,0,0,accounting,low +0.93,0.66,4,242,4,0,0,0,support,low +0.7,0.88,3,166,5,0,0,0,technical,low +0.58,0.9,4,175,3,1,0,0,management,low +0.52,0.95,5,234,3,0,0,0,marketing,low +0.98,0.88,5,232,3,0,0,0,marketing,low +0.93,0.94,4,156,3,1,0,0,marketing,low +0.34,0.63,5,248,3,0,0,0,sales,low +0.87,0.75,4,218,2,0,0,0,sales,low +0.52,0.96,5,251,2,1,0,0,sales,low +0.58,0.91,4,173,4,0,0,0,sales,low +0.65,0.51,4,157,3,1,0,0,sales,medium +0.74,0.59,3,274,3,0,0,0,sales,medium +0.63,0.7,5,182,3,0,0,0,sales,medium +0.74,0.74,4,233,2,0,0,0,sales,medium +0.65,1,4,249,3,0,0,0,sales,medium +0.48,0.94,3,162,3,1,0,0,sales,medium +0.84,0.75,3,184,3,0,0,0,sales,medium +0.6,0.62,3,135,2,0,0,0,sales,medium +0.56,0.57,3,143,2,0,0,0,sales,medium +0.13,0.8,5,203,5,0,0,0,sales,medium +0.83,0.51,5,143,4,0,0,0,sales,medium +0.91,0.42,2,142,3,1,0,0,sales,medium +0.97,0.97,5,171,2,0,0,0,sales,high +0.9,0.96,3,223,4,0,0,0,sales,high +0.57,0.87,4,148,3,0,0,0,sales,high +0.84,0.79,6,140,2,0,0,0,accounting,high +0.84,0.74,4,226,2,0,0,0,accounting,high +0.17,0.93,5,183,5,0,0,0,accounting,high +0.97,0.86,5,135,3,0,0,0,hr,high +0.94,0.66,3,236,2,0,0,0,hr,high +0.83,0.61,5,257,2,0,0,0,hr,low +0.91,0.73,3,155,3,0,0,0,hr,low +0.9,0.76,2,211,4,0,0,0,technical,low +0.95,0.86,3,207,2,0,0,0,technical,low +0.69,0.95,3,126,6,0,0,0,technical,low +0.49,0.98,3,267,2,0,0,0,technical,low +0.45,0.37,6,226,2,0,0,0,technical,low +0.21,0.9,2,239,2,0,0,0,technical,low +0.67,0.61,3,202,2,0,0,0,technical,medium +0.76,0.62,3,150,2,1,0,0,technical,medium +0.19,0.78,5,156,6,0,0,0,technical,medium +0.52,0.73,2,233,3,0,0,0,technical,medium +0.66,0.59,5,262,2,0,0,0,technical,medium +0.95,0.67,3,183,3,0,0,0,support,medium +0.95,0.78,4,225,2,0,0,0,support,medium +0.57,0.54,5,216,3,0,0,0,support,medium +0.48,0.57,5,227,3,0,0,0,support,medium +0.95,0.5,4,242,2,0,0,0,support,medium +0.7,0.67,4,224,3,0,0,0,support,medium +0.48,0.61,3,223,3,1,0,0,support,medium +0.62,0.58,3,202,2,0,0,0,support,medium +0.58,0.76,3,220,3,0,0,0,support,medium +1,0.87,4,129,5,0,0,0,support,medium +0.79,0.65,2,193,5,0,0,0,support,medium +0.58,0.73,3,165,2,0,0,0,technical,medium +0.59,0.79,4,209,2,0,0,0,technical,medium +0.66,0.8,4,183,2,1,0,0,technical,medium +0.71,0.59,4,138,3,0,0,0,management,medium +0.9,0.74,5,152,3,0,0,0,IT,medium +0.74,0.63,4,170,2,0,0,0,IT,medium +0.66,0.93,5,185,3,0,0,0,IT,medium +0.92,0.53,2,249,2,0,0,0,IT,high +0.55,0.51,4,155,3,0,0,0,IT,low +0.51,0.43,3,204,4,0,0,0,product_mng,medium +0.49,0.52,5,188,4,0,0,0,product_mng,medium +0.88,0.52,5,264,4,0,0,0,product_mng,medium +0.6,0.8,4,146,2,0,0,0,product_mng,medium +0.93,0.65,4,212,4,0,0,0,IT,medium +0.86,0.59,3,215,3,0,0,0,RandD,medium +0.78,0.98,4,239,3,0,0,0,RandD,medium +0.69,0.55,3,188,3,0,0,0,RandD,medium +0.84,0.51,4,259,3,0,0,0,RandD,medium +0.48,0.62,3,200,3,1,0,0,RandD,medium +0.63,0.86,3,245,2,0,0,0,marketing,low +0.54,0.61,3,182,2,0,0,0,sales,low +0.85,0.53,4,181,2,0,0,0,accounting,low +0.51,0.52,3,164,3,0,0,0,support,low +0.88,0.86,5,257,3,0,0,0,technical,low +0.87,0.93,3,178,3,0,0,0,management,low +0.54,0.5,4,224,3,0,0,0,marketing,low +0.96,0.67,5,170,3,0,0,0,marketing,high +0.58,0.75,4,233,2,0,0,0,marketing,low +0.21,0.57,5,239,3,0,0,0,sales,high +0.5,0.56,5,185,2,0,0,0,sales,high +0.52,0.54,4,184,3,0,0,0,sales,low +0.5,0.7,3,188,2,0,0,0,sales,low +0.74,0.86,3,186,3,1,0,0,sales,high +0.69,0.63,3,226,3,0,0,0,sales,low +0.61,0.74,2,143,6,0,0,0,sales,medium +0.5,0.82,3,213,3,0,0,0,sales,high +0.79,0.53,2,217,2,0,0,0,sales,medium +0.73,0.68,5,190,2,0,0,0,sales,medium +0.49,0.69,2,147,2,0,0,0,sales,medium +0.7,0.77,2,235,3,1,0,0,sales,medium +0.27,0.62,6,136,3,0,0,0,sales,high +0.8,0.54,5,261,2,0,0,0,sales,medium +0.45,0.6,6,176,4,0,0,0,sales,medium +0.63,0.64,4,212,4,0,0,0,sales,medium +0.76,0.52,2,148,3,0,0,0,sales,high +0.42,0.74,6,218,6,0,0,0,sales,medium +0.41,0.87,6,262,6,0,0,0,sales,high +0.74,0.46,6,145,3,0,0,0,accounting,low +0.82,0.75,3,230,4,1,0,0,accounting,medium +0.82,0.65,4,210,2,0,0,0,accounting,medium +0.53,0.73,4,227,3,0,0,0,hr,medium +0.71,0.77,4,142,2,0,0,0,hr,medium +0.5,0.9,4,171,2,0,0,0,hr,low +0.68,0.89,3,241,3,0,0,0,hr,low +0.68,0.99,3,247,2,1,0,0,technical,low +0.48,0.86,5,246,3,0,0,0,technical,low +0.59,0.72,3,188,3,1,0,0,technical,low +0.21,0.7,3,104,2,0,0,0,technical,low +0.99,0.73,5,197,4,1,0,0,technical,low +1,0.88,4,191,4,0,0,0,technical,low +0.84,0.51,4,173,2,0,0,0,technical,low +0.86,0.82,2,207,4,1,0,0,technical,low +0.52,0.54,5,247,4,0,0,0,technical,high +0.94,0.97,5,197,5,1,0,0,technical,low +0.55,0.81,3,242,2,0,0,0,technical,low +0.79,0.59,3,145,2,0,0,0,support,low +0.91,0.9,4,174,3,0,0,0,support,low +0.82,0.99,3,195,2,0,0,0,support,high +0.84,0.94,4,270,3,1,0,0,support,low +0.72,0.68,4,238,3,0,0,0,support,low +0.68,0.85,4,156,2,0,0,0,support,low +0.99,0.96,5,261,3,0,0,0,support,high +0.74,0.85,5,135,2,0,0,0,support,low +0.8,0.41,6,185,4,0,0,0,support,medium +0.55,0.55,3,197,3,0,0,0,support,high +0.56,0.95,3,241,3,0,0,0,support,medium +0.88,0.98,3,263,3,1,0,0,technical,high +0.86,0.49,4,251,2,0,0,0,technical,medium +0.64,0.95,3,218,2,0,0,0,technical,medium +0.82,0.58,4,183,3,0,0,0,management,medium +0.66,0.8,4,252,3,0,0,0,IT,medium +0.64,0.95,3,98,3,0,0,0,IT,medium +0.17,0.78,6,284,4,0,0,0,IT,medium +0.75,0.68,4,220,2,0,0,0,IT,medium +0.45,0.39,4,275,3,0,0,0,IT,medium +0.99,0.9,4,164,3,0,0,0,product_mng,high +0.93,0.67,5,237,4,0,0,0,product_mng,low +0.88,0.8,3,133,3,0,0,0,product_mng,medium +0.62,0.52,5,256,4,0,0,0,product_mng,medium +0.94,0.88,4,270,3,0,0,0,IT,medium +0.59,0.92,4,196,2,0,0,0,RandD,medium +0.93,0.89,4,209,2,0,0,0,RandD,medium +0.71,0.39,3,261,3,0,0,0,RandD,medium +0.6,0.6,3,221,2,0,0,0,RandD,medium +0.71,0.69,4,180,3,1,0,0,RandD,medium +0.91,0.57,4,145,3,0,0,0,marketing,medium +0.78,0.96,4,111,2,0,0,0,sales,high +0.52,0.63,4,232,3,0,0,0,accounting,low +0.99,0.7,5,195,3,0,0,0,support,low +0.86,0.51,4,211,2,1,0,0,technical,low +0.74,0.68,4,194,2,0,0,0,management,high +0.15,0.84,4,275,5,0,0,0,marketing,low +0.57,0.54,3,140,3,0,0,0,marketing,low +0.67,0.6,3,157,3,0,0,0,marketing,low +0.8,0.93,4,258,3,0,0,0,sales,high +0.83,0.82,5,273,4,0,0,0,sales,low +0.69,0.53,3,135,2,0,0,0,sales,low +0.64,0.83,3,188,4,0,0,0,sales,low +0.95,0.52,5,222,2,0,0,0,sales,low +0.97,0.52,4,231,3,0,0,0,sales,low +0.85,0.86,3,255,2,0,0,0,sales,low +0.72,0.51,3,254,2,0,0,0,sales,low +0.91,0.85,3,244,3,1,0,0,sales,medium +0.81,0.83,3,132,4,0,0,0,sales,medium +0.13,0.67,5,234,6,0,0,0,sales,medium +0.95,0.81,4,272,3,0,0,0,sales,medium +0.82,0.54,4,191,3,0,0,0,sales,medium +0.63,0.93,4,238,4,0,0,0,sales,medium +0.55,0.69,3,225,2,0,0,0,sales,medium +0.83,0.95,3,211,2,0,0,0,sales,medium +0.54,0.98,3,217,3,0,0,0,sales,medium +0.89,0.91,5,156,4,0,0,0,sales,medium +0.79,0.55,3,147,3,0,0,0,sales,medium +0.56,0.73,4,134,3,0,0,0,accounting,medium +0.89,0.7,4,235,2,1,0,0,accounting,high +1,0.66,4,238,4,0,0,0,accounting,low +0.43,0.72,3,258,4,0,0,0,hr,medium +0.71,0.55,5,224,3,0,0,0,hr,medium +0.98,0.59,4,149,2,0,0,0,hr,medium +0.81,0.7,4,219,2,1,0,0,hr,medium +0.71,0.53,3,186,2,0,0,0,technical,low +0.99,0.6,4,259,4,0,0,0,technical,low +0.34,0.62,3,119,2,0,0,0,technical,low +0.58,0.91,3,223,2,0,0,0,technical,low +0.77,0.49,4,184,3,0,0,0,technical,low +0.64,0.5,3,238,4,0,0,0,technical,low +0.13,1,4,157,5,1,0,0,technical,low +0.98,0.6,2,249,3,0,0,0,technical,low +0.72,0.84,4,195,2,0,0,0,technical,low +0.55,0.79,3,162,2,0,0,0,technical,low +0.62,0.91,4,231,3,0,0,0,technical,low +0.74,0.91,2,264,3,0,0,0,support,low +0.69,0.96,3,210,3,0,0,0,support,low +0.6,0.63,4,192,3,0,0,0,support,low +0.54,0.43,3,192,2,0,0,0,support,low +0.56,0.75,4,249,3,0,0,0,support,low +0.58,0.86,5,206,3,0,0,0,support,low +0.21,0.66,4,165,5,0,0,0,support,low +0.52,0.85,5,183,3,0,0,0,support,low +0.98,0.7,4,253,2,0,0,0,support,low +0.85,0.97,3,256,3,0,0,0,support,low +0.62,0.88,2,263,4,0,0,0,support,medium +0.63,0.61,3,234,3,1,0,0,technical,medium +0.84,0.97,6,223,2,0,0,0,technical,medium +0.71,0.69,2,172,3,0,0,0,technical,medium +0.36,0.55,6,226,6,0,0,0,management,medium +0.79,0.56,6,205,4,1,0,0,IT,medium +0.59,0.55,4,235,2,0,0,0,IT,medium +0.5,0.53,4,263,3,0,0,0,IT,medium +0.88,0.66,4,271,3,1,0,0,IT,medium +0.65,0.69,6,131,5,0,0,0,IT,medium +0.71,0.56,4,238,4,0,0,0,product_mng,medium +0.89,0.54,3,214,2,0,0,0,product_mng,medium +0.83,0.84,3,267,3,0,0,0,product_mng,high +0.73,0.53,3,184,2,0,0,0,product_mng,low +0.71,0.67,3,264,3,0,0,0,IT,medium +0.53,0.66,3,109,2,0,0,0,RandD,medium +0.74,0.7,3,253,4,1,0,0,RandD,medium +0.6,0.52,4,207,2,1,0,0,RandD,medium +0.47,0.6,4,263,5,0,0,0,RandD,low +0.88,0.88,3,214,2,1,0,0,RandD,low +0.62,0.67,2,153,3,0,0,0,marketing,low +0.24,0.48,5,123,5,1,0,0,sales,low +0.15,0.36,5,159,2,0,0,0,accounting,low +0.92,0.82,3,185,3,0,0,0,support,low +0.74,0.7,4,167,3,1,0,0,technical,low +0.86,0.77,3,271,3,0,0,0,management,low +0.96,0.61,3,140,3,0,0,0,marketing,low +0.54,0.6,4,141,3,0,0,0,marketing,low +0.99,0.87,4,190,2,0,0,0,marketing,low +0.72,0.73,5,134,2,0,0,0,sales,low +0.96,0.75,5,176,4,0,0,0,sales,low +0.73,0.73,4,194,2,0,0,0,sales,low +0.67,0.44,5,212,4,0,0,0,sales,low +0.58,0.72,5,234,3,1,0,0,sales,low +0.9,0.99,4,190,2,0,0,0,sales,low +0.99,0.37,5,155,3,0,0,0,sales,low +0.89,0.58,4,232,2,0,0,0,sales,low +0.72,0.95,4,216,3,0,0,0,sales,low +0.77,0.8,3,207,3,0,0,0,sales,low +0.8,0.94,4,200,4,0,0,0,sales,medium +0.89,0.86,3,178,4,0,0,0,sales,medium +0.59,0.81,4,173,2,0,0,0,sales,medium +0.24,0.87,5,268,5,0,0,0,sales,medium +0.94,0.59,6,212,2,0,0,0,sales,medium +0.74,0.5,4,216,3,0,0,0,sales,medium +0.63,0.62,5,212,6,0,0,0,sales,medium +0.63,0.59,3,155,3,1,0,0,sales,medium +0.77,0.65,4,164,2,0,0,0,sales,medium +0.87,0.74,3,209,3,0,0,0,accounting,medium +0.79,0.61,4,136,3,0,0,0,accounting,medium +0.54,0.84,4,223,3,0,0,0,accounting,medium +0.59,0.83,4,239,4,0,0,0,hr,high +0.86,0.87,3,205,4,0,0,0,hr,low +0.98,0.68,3,203,3,0,0,0,hr,medium +1,0.79,5,152,4,0,0,0,hr,medium +0.9,0.79,4,236,3,1,0,0,technical,medium +0.34,0.6,4,114,3,0,0,0,technical,medium +0.95,0.93,3,209,2,0,0,0,technical,low +0.79,0.48,4,178,2,0,0,0,technical,low +0.13,0.91,4,175,5,0,0,0,technical,low +0.72,0.69,3,270,4,0,0,0,technical,low +0.63,0.54,3,145,2,1,0,0,technical,low +0.81,0.76,5,134,2,0,0,0,technical,low +0.71,0.75,4,272,4,0,0,0,technical,low +0.49,0.76,3,208,2,0,0,0,technical,low +0.59,0.65,4,219,3,1,0,0,technical,low +0.87,0.59,5,154,3,0,0,0,support,low +0.66,0.6,3,179,4,0,0,0,support,low +0.78,0.92,5,137,2,0,0,0,support,low +0.65,0.7,4,211,2,0,0,0,support,low +0.8,0.97,5,271,4,0,0,0,support,low +0.56,0.75,4,192,2,0,0,0,support,low +0.85,0.67,4,228,4,0,0,0,support,low +0.14,0.46,2,267,6,1,0,0,support,low +0.74,0.62,4,272,2,0,0,0,support,low +0.86,0.93,2,260,2,0,0,0,support,low +0.71,0.96,4,161,3,0,0,0,support,low +0.83,0.99,4,226,2,0,0,0,technical,low +0.52,0.49,4,249,4,1,0,0,technical,medium +0.63,0.8,3,243,3,0,0,0,technical,medium +0.92,0.93,4,247,2,0,0,0,management,medium +0.66,0.87,3,186,2,0,0,0,IT,medium +0.77,0.7,3,155,3,0,0,0,IT,medium +0.74,0.97,2,135,4,0,0,0,IT,medium +0.81,0.76,5,198,4,0,0,0,IT,medium +0.67,0.55,3,175,2,0,0,0,IT,medium +0.75,0.92,3,192,3,0,0,0,product_mng,medium +0.65,0.36,2,282,3,0,0,0,product_mng,medium +0.81,0.6,4,179,3,0,0,0,product_mng,medium +0.57,0.77,4,245,3,0,0,0,product_mng,medium +0.89,0.66,4,235,3,0,0,0,IT,high +0.5,0.56,4,266,2,0,0,0,RandD,low +0.21,0.42,4,269,4,1,0,0,RandD,medium +0.79,0.67,3,264,2,0,0,0,RandD,medium +0.66,0.57,3,161,2,1,0,0,RandD,medium +0.82,0.95,3,203,3,0,0,0,RandD,medium +0.85,0.85,4,258,2,0,0,0,marketing,low +0.72,0.96,3,143,3,0,0,0,sales,low +0.52,0.92,3,214,3,0,0,0,accounting,low +0.5,0.62,4,166,3,1,0,0,support,low +0.52,0.82,3,192,3,0,0,0,technical,low +0.13,0.87,3,185,4,1,0,0,management,low +0.87,0.98,4,173,3,0,0,0,marketing,low +0.53,0.98,2,163,3,0,0,0,marketing,low +0.15,0.76,5,277,4,0,0,0,marketing,low +0.64,0.86,5,274,2,1,0,0,sales,low +0.52,0.44,3,119,2,0,0,0,sales,low +0.79,0.67,4,267,3,0,0,0,sales,low +0.74,0.89,3,160,2,0,0,0,sales,low +0.81,0.84,4,198,2,0,0,0,sales,low +0.94,0.6,3,193,3,0,0,0,sales,low +0.67,0.84,6,250,2,0,0,0,sales,low +0.93,0.84,3,237,4,1,0,0,sales,low +0.52,0.96,4,170,2,0,0,0,sales,low +0.48,0.74,2,157,2,1,0,0,sales,medium +0.57,0.92,6,267,4,0,0,0,sales,medium +0.71,0.77,4,192,4,0,0,0,sales,medium +0.9,0.74,4,218,2,1,0,0,sales,medium +0.58,0.61,4,210,3,0,0,0,sales,medium +0.66,0.48,4,229,4,0,0,0,sales,medium +0.59,0.66,3,186,3,0,0,0,sales,medium +0.96,0.5,3,234,2,1,0,0,sales,medium +0.13,0.91,2,149,5,0,0,0,sales,medium +0.93,0.92,3,205,3,0,0,0,sales,medium +0.54,0.72,3,148,4,0,0,0,accounting,medium +0.54,0.77,5,270,3,0,0,0,accounting,medium +0.87,0.62,3,176,3,0,0,0,accounting,high +0.79,0.91,3,226,2,0,0,0,hr,low +0.83,0.57,3,232,4,0,0,0,hr,medium +0.73,0.6,3,137,3,0,0,0,hr,medium +0.29,0.42,6,253,3,0,0,0,hr,medium +0.8,0.7,6,231,4,0,0,0,technical,medium +0.29,0.81,3,189,6,0,0,0,technical,low +0.43,0.85,6,168,2,0,0,0,technical,low +0.99,0.93,3,261,3,0,0,0,technical,low +0.86,0.51,4,152,3,0,0,0,technical,low +0.85,0.78,5,263,2,1,0,0,technical,low +0.66,0.68,3,258,3,0,0,0,technical,low +0.57,0.99,3,205,3,0,0,0,technical,low +0.31,0.64,6,183,2,1,0,0,technical,low +0.88,0.88,3,153,3,0,0,0,technical,low +0.72,0.72,5,194,4,0,0,0,technical,low +0.75,0.66,4,202,2,0,0,0,support,low +0.82,0.71,4,164,4,0,0,0,support,low +0.82,0.67,3,213,2,0,0,0,support,low +0.15,0.52,4,265,6,0,0,0,support,low +0.16,0.88,6,218,3,0,0,0,support,low +0.95,0.4,5,286,4,0,0,0,support,low +0.87,0.73,3,172,3,1,0,0,support,low +0.85,0.89,4,251,2,0,0,0,support,low +0.58,0.6,3,110,3,1,0,0,support,low +0.63,0.86,3,269,4,0,0,0,support,low +0.69,0.68,3,151,3,1,0,0,support,low +0.53,0.85,5,161,2,0,0,0,technical,medium +0.96,0.71,4,210,3,0,0,0,technical,medium +0.73,0.83,2,167,3,0,0,0,technical,medium +0.5,0.6,3,270,3,1,0,0,management,medium +0.81,0.83,3,133,3,1,0,0,IT,medium +0.82,0.59,3,249,3,0,0,0,IT,medium +0.76,0.72,4,266,3,0,0,0,IT,medium +0.27,0.82,4,276,2,0,0,0,IT,medium +0.64,0.38,6,215,3,0,0,0,IT,medium +0.57,0.9,3,262,2,0,0,0,product_mng,medium +0.49,0.84,5,193,3,0,0,0,product_mng,medium +0.66,0.92,2,102,4,0,0,0,product_mng,medium +0.71,0.36,4,278,4,1,0,0,product_mng,high +0.61,0.63,3,250,4,0,0,0,IT,low +0.52,0.89,5,193,4,0,0,0,RandD,medium +0.62,0.91,3,133,3,0,0,0,RandD,medium +0.98,0.65,4,216,4,0,0,0,RandD,medium +0.67,0.56,5,174,2,1,0,0,RandD,medium +0.85,0.62,2,280,4,0,0,0,RandD,low +0.84,0.85,4,246,2,0,0,0,marketing,low +1,0.53,3,142,3,0,0,0,sales,low +0.72,0.76,4,144,3,1,0,0,accounting,low +0.66,0.75,6,100,4,1,0,0,support,low +0.64,0.71,5,212,2,0,0,0,technical,low +1,0.76,5,201,3,0,0,0,management,low +0.75,0.59,5,206,2,0,0,0,marketing,low +0.81,0.77,4,197,3,0,0,0,marketing,low +0.31,0.98,5,232,5,0,0,0,marketing,low +0.32,0.97,6,272,2,0,0,0,sales,low +0.48,0.5,4,173,3,0,0,0,sales,low +0.62,0.42,2,124,2,0,0,0,sales,low +0.77,0.86,5,282,4,0,0,0,sales,low +0.76,0.8,2,219,4,1,0,0,sales,low +0.68,0.41,3,106,6,0,0,0,sales,low +0.72,0.79,4,192,4,0,0,0,sales,low +0.87,0.91,5,190,2,0,0,0,sales,low +0.59,0.57,2,156,2,0,0,0,sales,low +0.7,0.64,3,180,2,0,0,0,sales,low +0.73,0.81,4,245,2,0,0,0,sales,low +0.58,0.62,3,169,2,0,0,0,sales,medium +0.64,0.66,3,188,4,0,0,0,sales,medium +0.89,0.66,5,224,2,0,0,0,sales,medium +0.95,0.71,3,263,2,1,0,0,sales,medium +0.84,0.9,3,262,2,0,0,0,sales,medium +0.6,0.99,4,225,3,0,0,0,sales,medium +0.71,0.63,5,224,3,1,0,0,sales,medium +0.6,0.95,3,266,3,0,0,0,sales,medium +0.91,0.68,3,218,3,1,0,0,accounting,medium +0.75,1,3,102,3,0,0,0,accounting,medium +0.7,0.67,4,181,3,0,0,0,accounting,medium +0.23,0.64,5,150,5,0,0,0,hr,medium +0.73,0.83,4,270,2,0,0,0,hr,high +0.99,0.49,4,270,2,0,0,0,hr,low +0.62,0.68,5,265,3,0,0,0,hr,medium +0.98,0.89,4,169,3,0,0,0,technical,medium +0.61,0.94,3,224,4,0,0,0,technical,medium +0.52,0.92,3,150,2,1,0,0,technical,medium +0.65,0.66,5,239,4,0,0,0,technical,low +0.59,0.9,3,245,3,1,0,0,technical,low +0.71,0.8,3,182,2,1,0,0,technical,low +0.18,0.7,5,182,4,0,0,0,technical,low +0.21,0.93,4,243,4,0,0,0,technical,low +0.15,0.67,6,209,5,0,0,0,technical,low +0.97,0.53,4,195,4,0,0,0,technical,low +0.39,0.48,3,190,2,0,0,0,technical,low +0.35,0.66,2,140,2,0,0,0,support,medium +0.88,0.58,4,147,4,0,0,0,support,medium +0.58,0.97,3,265,3,0,0,0,support,medium +0.61,0.78,3,238,2,0,0,0,support,medium +0.59,0.98,3,155,3,0,0,0,support,medium +0.55,0.41,4,132,5,1,0,0,support,medium +0.52,0.8,5,257,3,0,0,0,support,medium +0.71,0.77,2,255,3,0,0,0,support,medium +0.63,0.82,5,229,2,0,0,0,support,medium +0.17,0.84,5,216,4,0,0,0,support,medium +0.95,0.49,4,269,4,0,0,0,support,medium +1,0.73,3,205,2,0,0,0,technical,medium +0.73,0.96,2,151,3,0,0,0,technical,medium +0.8,0.64,4,246,3,1,0,0,technical,medium +0.63,0.8,4,256,4,0,0,0,management,medium +0.95,0.59,4,235,3,0,0,0,IT,medium +0.75,0.83,4,229,2,0,0,0,IT,medium +0.64,0.72,5,158,3,0,0,0,IT,medium +0.72,1,3,197,3,0,0,0,IT,medium +0.72,0.53,3,151,4,0,0,0,IT,medium +0.85,0.63,3,167,3,0,0,0,product_mng,medium +0.24,0.94,4,146,4,0,0,0,product_mng,medium +0.69,0.53,4,281,4,0,0,0,product_mng,medium +0.69,0.7,3,212,2,0,0,0,product_mng,medium +0.87,0.59,5,261,3,0,0,0,IT,medium +0.78,0.91,3,238,2,0,0,0,RandD,high +0.76,0.74,4,235,3,0,0,0,RandD,high +0.35,0.7,3,107,3,0,0,0,RandD,high +0.88,0.59,6,243,4,0,0,0,RandD,high +0.78,0.79,5,233,3,1,0,0,RandD,high +0.36,0.42,3,206,5,0,0,0,marketing,high +0.24,0.7,5,172,4,0,0,0,sales,high +0.55,0.82,3,248,2,0,0,0,accounting,high +0.91,0.53,3,147,4,1,0,0,support,high +0.66,0.61,5,259,3,0,0,0,technical,high +0.57,0.82,3,267,3,0,0,0,management,high +0.64,0.64,3,263,3,0,0,0,marketing,high +0.63,0.98,3,160,4,1,0,0,marketing,low +0.49,0.92,5,176,3,0,0,0,marketing,low +0.7,0.7,3,224,3,0,0,0,sales,low +0.3,0.71,3,155,2,0,0,0,sales,low +0.51,0.52,3,132,3,0,0,0,sales,low +0.71,0.87,5,173,3,0,0,0,sales,low +0.64,0.67,3,165,3,0,0,0,sales,low +0.67,0.66,6,272,3,0,0,0,sales,low +0.83,0.94,5,156,3,1,0,0,sales,low +0.92,0.96,3,154,2,1,0,0,sales,low +0.84,0.53,3,237,3,1,0,0,sales,low +0.97,0.75,2,271,6,0,0,0,sales,low +0.19,0.91,6,152,3,0,0,0,sales,low +0.86,0.51,4,152,3,1,0,0,sales,low +0.71,0.69,3,172,3,0,0,0,sales,low +0.76,0.56,4,214,2,1,0,0,sales,medium +0.68,0.88,5,201,3,0,0,0,sales,medium +0.61,0.99,2,275,3,1,0,0,sales,medium +0.85,0.79,3,156,3,0,0,0,sales,medium +0.84,0.89,3,234,2,0,0,0,sales,medium +0.62,0.63,2,123,2,0,0,0,sales,medium +0.77,0.76,3,201,4,0,0,0,accounting,medium +0.79,0.93,5,160,4,1,0,0,accounting,medium +0.97,0.5,3,173,2,0,0,0,accounting,medium +0.59,0.61,4,141,2,1,0,0,hr,medium +0.93,0.62,3,231,6,0,0,0,hr,medium +0.85,0.54,4,174,2,0,0,0,hr,medium +0.7,0.57,4,211,3,0,0,0,hr,high +0.54,0.91,3,249,3,0,0,0,technical,high +0.42,0.86,2,108,5,0,0,0,technical,high +0.96,0.75,4,165,3,0,0,0,technical,high +0.58,0.8,3,181,4,0,0,0,technical,high +0.61,0.59,3,237,2,0,0,0,technical,high +0.62,0.97,5,180,2,0,0,0,technical,high +0.68,0.7,3,209,3,0,0,0,technical,high +0.6,0.73,3,191,5,1,0,0,technical,low +0.7,0.91,4,181,2,1,0,0,technical,low +0.65,0.55,4,250,2,0,0,0,technical,low +0.48,0.59,2,179,2,0,0,0,technical,low +0.75,0.73,3,225,4,0,0,0,support,low +0.69,0.78,5,267,2,1,0,0,support,low +0.34,0.46,2,169,2,1,0,0,support,low +0.59,0.49,4,164,3,0,0,0,support,low +0.94,0.95,4,155,3,0,0,0,support,medium +0.98,0.77,5,223,2,1,0,0,support,medium +0.72,0.66,3,160,3,0,0,0,support,medium +0.79,0.7,4,268,2,0,0,0,support,medium +0.54,0.61,4,151,4,1,0,0,support,medium +0.73,0.95,3,156,2,0,0,0,support,medium +0.82,0.58,4,136,3,0,0,0,support,medium +0.57,0.45,3,189,2,0,0,0,technical,medium +0.98,0.93,5,203,2,0,0,0,technical,medium +0.91,0.65,5,174,2,0,0,0,technical,medium +0.72,0.91,3,239,2,0,0,0,management,medium +0.48,0.73,5,152,6,0,0,0,IT,medium +0.57,0.86,4,268,6,0,0,0,IT,medium +0.86,0.96,4,146,3,0,0,0,IT,medium +0.63,0.85,3,232,4,0,0,0,IT,medium +0.81,0.52,3,255,5,0,0,0,IT,medium +0.21,0.37,4,129,4,0,0,0,product_mng,medium +0.9,0.66,3,261,3,1,0,0,product_mng,medium +0.79,0.78,3,101,2,1,0,0,product_mng,medium +0.95,0.49,4,229,3,0,0,0,product_mng,medium +0.29,0.43,3,162,4,0,0,0,IT,medium +0.81,0.52,4,270,3,0,0,0,RandD,medium +0.21,0.56,6,277,5,0,0,0,RandD,medium +0.7,0.83,5,261,4,0,0,0,RandD,high +0.66,0.64,4,204,2,0,0,0,RandD,low +0.16,0.86,2,215,2,0,0,0,RandD,medium +0.72,0.8,3,219,3,0,0,0,marketing,medium +0.51,0.5,3,147,4,0,0,0,sales,medium +0.59,0.63,5,243,2,0,0,0,accounting,medium +0.66,0.4,2,155,5,1,0,0,support,medium +0.69,0.84,3,253,2,0,0,0,technical,medium +0.69,0.94,4,235,3,0,0,0,management,medium +0.89,0.79,5,257,3,0,0,0,marketing,medium +0.52,0.56,4,225,2,0,0,0,marketing,medium +0.91,0.91,3,167,3,0,0,0,marketing,medium +0.96,0.53,5,224,4,0,0,0,sales,low +0.8,0.58,5,127,3,0,0,0,sales,low +0.55,0.77,3,256,3,1,0,0,sales,low +0.93,0.63,4,233,2,0,0,0,sales,low +0.93,0.86,4,169,4,0,0,0,sales,low +0.54,0.48,3,152,2,0,0,0,sales,low +0.48,0.76,5,236,2,0,0,0,sales,low +0.19,0.99,3,154,2,0,0,0,sales,high +0.95,0.71,3,223,2,0,0,0,sales,low +0.96,0.81,4,211,3,0,0,0,sales,high +0.63,0.89,4,192,2,0,0,0,sales,high +0.81,0.8,4,227,2,1,0,0,sales,low +0.5,0.88,4,265,3,1,0,0,sales,low +0.76,0.72,5,228,2,0,0,0,sales,high +0.84,0.49,4,152,3,0,0,0,sales,low +0.2,0.95,5,169,5,0,0,0,sales,medium +0.78,0.92,3,169,3,0,0,0,sales,high +0.8,0.68,4,157,3,0,0,0,sales,medium +0.94,0.57,4,251,2,1,0,0,sales,medium +0.44,0.74,5,253,2,0,0,0,accounting,medium +0.92,0.85,3,155,2,0,0,0,accounting,medium +0.54,0.8,3,232,2,0,0,0,accounting,high +0.56,0.56,4,195,2,0,0,0,hr,medium +0.66,0.69,4,198,3,1,0,0,hr,medium +0.8,0.91,3,246,3,0,0,0,hr,medium +0.6,0.81,2,214,3,0,0,0,hr,high +0.73,0.73,5,249,3,0,0,0,technical,medium +0.55,0.74,3,211,3,1,0,0,technical,high +0.7,0.71,5,269,3,0,0,0,technical,low +0.53,0.68,4,214,3,0,0,0,technical,medium +0.9,0.94,4,231,3,0,0,0,technical,medium +0.8,0.78,3,175,3,0,0,0,technical,medium +0.51,0.6,5,175,3,0,0,0,technical,medium +0.86,0.96,5,238,5,0,0,0,technical,low +0.63,0.79,4,228,4,0,0,0,technical,low +0.83,0.93,3,220,4,0,0,0,technical,low +0.85,0.55,4,233,2,1,0,0,technical,low +0.8,0.57,3,225,4,0,0,0,support,low +0.79,0.97,5,187,3,0,0,0,support,low +0.37,0.71,3,117,3,0,0,0,support,low +0.85,0.9,3,184,3,1,0,0,support,low +0.76,0.56,3,216,3,0,0,0,support,low +0.99,0.62,4,140,2,1,0,0,support,low +0.55,0.63,3,201,2,1,0,0,support,high +0.69,0.69,4,167,3,1,0,0,support,low +0.68,1,5,203,2,0,0,0,support,low +0.69,0.9,5,231,2,1,0,0,support,low +0.65,0.7,3,141,4,0,0,0,support,low +0.17,0.88,6,226,3,1,0,0,technical,high +0.48,0.65,3,199,2,0,0,0,technical,low +0.65,0.59,4,192,3,0,0,0,technical,low +0.57,0.49,4,247,2,0,0,0,management,low +0.8,0.67,3,164,3,0,0,0,IT,high +0.8,0.6,5,234,2,0,0,0,IT,low +0.5,0.6,2,177,3,1,0,0,IT,medium +0.95,0.87,3,208,2,0,0,0,IT,high +0.69,0.93,3,233,3,0,0,0,IT,medium +0.74,0.57,4,172,3,0,0,0,product_mng,high +0.68,0.59,3,141,3,0,0,0,product_mng,medium +0.68,0.55,3,213,3,0,0,0,product_mng,medium +0.65,0.37,5,128,3,1,0,0,product_mng,medium +0.85,0.92,4,151,3,1,0,0,IT,medium +0.49,0.48,4,247,3,0,0,0,RandD,medium +0.19,0.8,6,143,4,0,0,0,RandD,medium +0.95,0.61,3,164,3,0,0,0,RandD,medium +0.63,0.62,3,183,3,0,0,0,RandD,medium +0.83,0.8,4,274,3,0,0,0,RandD,high +0.62,0.78,4,261,2,0,0,0,marketing,low +0.74,0.98,5,200,3,0,0,0,sales,medium +0.7,0.87,5,177,2,0,0,0,accounting,medium +0.28,0.38,5,139,4,0,0,0,support,medium +0.39,0.56,6,228,5,0,0,0,technical,medium +0.62,0.63,3,230,2,0,0,0,management,medium +0.79,0.54,5,212,4,0,0,0,marketing,medium +0.87,0.74,4,265,4,0,0,0,marketing,medium +0.29,0.75,3,124,4,0,0,0,marketing,medium +0.37,0.88,4,155,3,0,0,0,sales,medium +0.68,0.55,4,215,4,0,0,0,sales,high +0.9,0.51,4,214,2,0,0,0,sales,low +0.97,0.65,3,181,3,0,0,0,sales,low +0.6,0.77,4,229,2,0,0,0,sales,low +0.58,0.79,5,262,2,0,0,0,sales,high +0.83,0.86,3,165,3,0,0,0,sales,low +0.83,0.73,5,136,3,0,0,0,sales,low +0.94,0.71,4,151,2,1,0,0,sales,low +0.69,0.9,5,226,4,0,0,0,sales,high +0.81,0.81,5,215,2,0,0,0,sales,low +0.19,0.5,6,143,5,1,0,0,sales,low +0.18,0.64,3,223,4,1,0,0,sales,low +0.58,0.63,4,271,3,0,0,0,sales,low +0.76,0.65,3,220,3,0,0,0,sales,low +0.26,0.47,6,182,4,0,0,0,sales,low +0.78,0.87,3,190,3,0,0,0,sales,low +0.71,0.56,3,198,3,0,0,0,sales,medium +0.76,0.61,3,141,2,0,0,0,sales,medium +0.44,0.81,3,248,2,0,0,0,accounting,medium +0.26,0.69,2,168,5,0,0,0,accounting,medium +0.75,0.57,5,162,3,0,0,0,accounting,medium +0.64,0.9,4,211,3,0,0,0,hr,medium +0.79,0.71,4,271,3,0,0,0,hr,medium +0.96,0.61,3,271,2,0,0,0,hr,medium +0.63,1,5,244,2,0,0,0,hr,medium +0.65,0.55,5,261,3,1,0,0,technical,medium +0.76,0.81,3,225,3,0,0,0,technical,medium +0.26,0.9,4,266,5,0,0,0,technical,medium +0.84,0.73,3,146,5,1,0,0,technical,high +0.74,0.77,3,233,3,0,0,0,technical,low +0.53,0.45,4,180,3,0,0,0,technical,medium +0.7,0.56,5,208,3,0,0,0,technical,medium +0.62,0.69,4,165,4,1,0,0,technical,medium +0.71,0.68,4,221,4,0,0,0,technical,medium +0.5,0.65,3,215,2,0,0,0,technical,low +0.53,0.5,6,264,6,0,0,0,technical,low +0.88,0.89,2,160,4,0,0,0,support,low +0.79,0.83,2,192,3,0,0,0,support,low +0.69,0.89,5,201,2,0,0,0,support,low +0.57,0.96,4,264,2,0,0,0,support,low +0.68,0.8,4,186,3,1,0,0,support,low +0.6,0.82,4,272,3,0,0,0,support,low +0.7,0.9,4,216,3,0,0,0,support,low +0.71,0.76,4,142,2,1,0,0,support,low +0.49,0.51,4,133,3,0,0,0,support,low +0.74,0.7,4,260,2,0,0,0,support,low +0.2,0.93,4,101,5,0,0,0,support,low +0.57,0.5,4,230,2,0,0,0,technical,low +0.83,0.48,3,242,4,0,0,0,technical,low +0.22,0.64,3,193,2,0,0,0,technical,low +0.67,0.57,2,234,4,0,0,0,management,low +0.54,0.84,3,132,3,0,0,0,IT,low +0.54,0.53,4,183,3,0,0,0,IT,low +0.64,0.61,4,191,4,0,0,0,IT,low +0.23,0.84,5,140,4,0,0,0,IT,low +0.88,0.87,5,257,3,0,0,0,IT,medium +0.83,0.54,4,219,3,0,0,0,product_mng,medium +0.88,0.67,5,141,2,0,0,0,product_mng,medium +0.9,0.85,5,162,2,0,0,0,product_mng,medium +0.49,0.61,3,181,3,0,0,0,product_mng,medium +0.55,0.49,3,191,3,0,0,0,IT,medium +0.92,0.69,4,149,6,1,0,0,RandD,medium +0.72,0.67,3,164,4,0,0,0,RandD,medium +0.63,0.5,4,235,3,0,0,0,RandD,medium +0.98,0.66,3,199,3,0,0,0,RandD,medium +0.76,0.52,3,248,3,0,0,0,RandD,medium +0.42,0.56,2,103,3,1,0,0,marketing,medium +0.58,0.65,4,248,4,0,0,0,marketing,high +0.85,0.82,3,153,3,1,0,0,sales,low +0.67,0.95,4,241,4,0,0,0,accounting,medium +0.58,1,4,258,3,0,0,0,support,medium +0.84,0.76,5,172,5,1,0,0,technical,medium +0.56,0.68,3,149,2,0,0,0,management,medium +0.63,0.83,4,217,3,0,0,0,marketing,low +0.51,0.92,3,243,3,0,0,0,marketing,low +0.95,0.81,5,120,3,0,0,0,marketing,low +0.85,0.55,3,137,3,1,0,0,sales,low +0.73,0.78,5,150,3,0,0,0,sales,low +0.2,0.49,5,199,5,0,0,0,sales,low +0.78,0.79,3,203,2,0,0,0,sales,low +0.83,0.8,3,273,3,0,0,0,sales,low +0.87,0.56,2,214,3,1,0,0,sales,low +0.98,0.99,5,141,3,0,0,0,sales,low +1,0.81,5,243,3,0,0,0,sales,low +0.7,0.55,4,159,3,0,0,0,sales,low +0.62,0.88,5,146,3,0,0,0,sales,low +0.67,0.72,4,159,2,0,0,0,sales,low +0.86,0.96,4,196,3,0,0,0,sales,low +0.44,0.57,5,183,2,1,0,0,sales,low +0.19,0.86,4,192,4,0,0,0,sales,low +0.76,0.83,4,246,2,0,0,0,sales,low +0.89,0.93,5,191,4,0,0,0,sales,low +0.25,0.97,3,158,3,0,0,0,sales,low +0.68,1,4,167,2,0,0,0,sales,low +0.38,0.5,2,187,2,1,0,0,sales,medium +0.64,0.95,4,199,4,0,0,0,accounting,medium +0.76,0.62,4,157,3,0,0,0,accounting,medium +0.26,0.45,2,157,3,0,0,0,accounting,medium +0.69,0.67,3,178,2,0,0,0,hr,medium +0.98,0.66,3,154,2,0,0,0,hr,medium +0.86,0.83,5,208,2,1,0,0,hr,medium +0.14,0.68,4,273,5,1,0,0,hr,medium +0.58,0.63,4,159,3,0,0,0,technical,medium +0.63,0.97,4,234,2,0,0,0,technical,medium +0.7,0.91,5,139,3,1,0,0,technical,medium +0.73,0.62,4,210,4,0,0,0,technical,medium +0.89,0.52,3,164,3,0,0,0,technical,high +0.17,0.61,3,241,5,1,0,0,technical,low +0.86,0.73,5,259,2,0,0,0,technical,medium +0.59,0.73,3,159,3,1,0,0,technical,medium +0.22,0.51,4,131,2,0,0,0,technical,medium +0.55,0.57,3,266,2,0,0,0,technical,medium +0.74,0.6,3,153,2,0,0,0,technical,low +0.55,0.54,3,253,2,0,0,0,support,low +0.67,0.94,4,141,2,1,0,0,support,low +0.64,0.8,3,199,3,0,0,0,support,low +0.58,0.71,3,205,3,0,0,0,support,low +0.9,0.6,4,252,3,0,0,0,support,low +0.89,0.9,4,153,3,0,0,0,support,low +0.74,0.37,2,171,4,0,0,0,support,low +0.78,0.91,5,150,4,0,0,0,support,low +0.97,0.53,4,247,3,0,0,0,support,low +0.52,0.92,4,150,2,1,0,0,support,low +0.99,0.86,4,206,2,0,0,0,support,low +0.76,0.44,4,192,4,1,0,0,technical,low +0.69,0.96,5,164,3,0,0,0,technical,low +0.59,0.69,3,186,3,0,0,0,technical,low +0.95,0.63,3,249,3,0,0,0,management,low +0.69,0.81,3,214,2,0,0,0,IT,low +0.76,0.75,4,193,4,0,0,0,IT,low +0.7,0.84,2,114,4,0,0,0,IT,low +0.87,0.6,2,122,2,0,0,0,IT,low +0.44,0.55,3,170,3,1,0,0,IT,low +0.54,0.91,3,151,3,0,0,0,product_mng,medium +0.55,0.75,3,156,3,0,0,0,product_mng,medium +0.81,0.75,5,170,3,1,0,0,product_mng,medium +0.5,0.55,3,188,2,0,0,0,product_mng,medium +0.93,0.74,4,201,3,1,0,0,IT,medium +0.64,0.5,6,254,6,0,0,0,RandD,medium +0.57,0.78,3,206,4,0,0,0,RandD,medium +0.95,0.74,4,216,3,0,0,0,RandD,medium +0.86,0.67,5,200,3,0,0,0,RandD,medium +0.82,0.58,4,202,2,0,0,0,RandD,medium +0.18,0.79,4,217,4,0,0,0,RandD,medium +0.58,0.7,5,151,4,0,0,0,marketing,medium +0.57,0.56,3,224,2,0,0,0,sales,high +0.94,0.83,5,148,3,0,0,0,accounting,low +0.2,0.97,6,224,5,1,0,0,support,medium +0.73,0.75,2,243,5,1,0,0,technical,medium +0.94,0.8,4,238,3,1,0,0,management,medium +0.99,0.61,3,254,3,0,0,0,marketing,medium +0.22,0.49,4,218,4,0,0,0,marketing,low +0.67,0.66,3,237,3,0,0,0,marketing,low +0.49,0.67,4,185,2,0,0,0,sales,low +0.78,0.95,4,184,3,0,0,0,sales,low +0.15,0.74,2,176,3,1,0,0,sales,low +0.91,0.89,4,260,3,0,0,0,sales,low +0.7,0.78,4,254,4,0,0,0,sales,low +0.6,0.95,3,221,3,0,0,0,sales,low +0.59,0.57,5,257,2,0,0,0,sales,low +0.59,0.93,3,265,3,1,0,0,sales,low +0.55,0.64,3,138,3,1,0,0,sales,low +0.42,0.75,3,163,2,1,0,0,sales,low +0.57,0.81,3,144,3,0,0,0,sales,low +0.72,0.51,3,146,2,1,0,0,sales,low +0.83,0.81,3,242,6,0,0,0,sales,low +0.89,0.93,4,249,3,0,0,0,sales,low +0.55,0.59,3,245,3,0,0,0,sales,low +0.53,0.75,4,201,2,0,0,0,sales,low +0.74,0.59,4,177,4,1,0,0,sales,medium +0.63,0.98,4,160,2,0,0,0,sales,medium +0.63,0.4,6,177,2,1,0,0,sales,medium +0.61,0.97,4,153,3,0,0,0,accounting,medium +0.76,0.79,3,197,5,0,0,0,accounting,medium +0.67,0.82,4,246,4,0,0,0,accounting,medium +0.51,0.95,4,258,3,0,0,0,hr,medium +0.67,0.55,3,137,3,0,0,0,hr,medium +0.16,0.94,3,178,4,0,0,0,hr,medium +0.34,0.85,4,123,4,0,0,0,hr,medium +0.58,0.73,5,162,3,1,0,0,technical,medium +0.5,0.71,5,210,5,0,0,0,technical,medium +0.56,0.48,4,197,3,1,0,0,technical,high +0.56,0.98,3,220,3,0,0,0,technical,low +0.74,0.71,4,133,2,0,0,0,technical,medium +0.69,0.99,3,198,2,0,0,0,technical,medium +0.15,0.81,4,160,5,0,0,0,technical,medium +0.58,0.67,2,180,2,0,0,0,technical,medium +0.8,0.79,3,217,3,0,0,0,technical,low +0.5,0.57,3,223,3,0,0,0,technical,low +0.66,0.92,4,229,2,0,0,0,technical,low +0.81,0.78,4,159,3,0,0,0,support,low +0.14,0.68,5,253,5,0,0,0,support,low +0.92,0.85,3,235,2,0,0,0,support,low +0.69,0.91,4,186,3,0,0,0,support,low +0.66,0.99,4,263,2,0,0,0,support,low +0.85,0.39,4,239,4,0,0,0,support,low +0.83,0.69,4,151,2,0,0,0,support,low +1,0.49,3,106,4,0,0,0,support,low +0.68,0.65,3,183,4,0,0,0,support,low +0.26,0.97,3,125,2,0,0,0,support,low +0.35,0.41,3,157,2,0,0,0,support,low +0.12,0.58,3,241,2,0,0,0,technical,low +0.91,0.93,4,184,3,0,0,0,technical,low +0.65,0.67,4,144,3,0,0,0,technical,low +0.78,0.72,3,255,4,1,0,0,management,low +0.61,0.82,3,261,4,0,0,0,IT,low +0.64,0.51,4,207,2,0,0,0,IT,low +0.58,0.73,4,205,4,0,0,0,IT,low +0.63,0.76,4,217,2,1,0,0,IT,medium +0.94,0.6,4,215,2,1,0,0,IT,medium +0.26,0.81,5,139,4,0,0,0,product_mng,medium +0.59,0.69,3,146,3,0,0,0,product_mng,medium +0.78,0.8,4,175,3,0,0,0,product_mng,medium +0.86,0.64,5,188,3,0,0,0,product_mng,medium +0.79,0.73,5,155,3,0,0,0,IT,medium +0.89,0.73,4,171,4,0,0,0,RandD,medium +0.34,0.99,4,184,3,0,0,0,RandD,medium +0.29,0.77,3,164,6,0,0,0,RandD,medium +0.71,0.89,3,244,4,0,0,0,RandD,medium +0.93,0.58,4,222,2,0,0,0,RandD,medium +0.94,0.76,4,231,3,1,0,0,RandD,high +0.91,0.72,3,213,3,0,0,0,marketing,low +0.71,0.96,4,144,4,0,0,0,sales,medium +0.67,0.81,3,221,4,1,0,0,accounting,medium +0.54,0.42,3,138,3,1,0,0,support,medium +0.89,0.58,3,183,4,0,0,0,technical,medium +0.94,0.91,3,250,3,1,0,0,management,low +0.15,0.89,3,219,6,0,0,0,marketing,low +0.45,0.92,6,164,4,1,0,0,marketing,low +0.92,0.67,4,161,4,1,0,0,marketing,low +0.63,0.56,4,274,5,1,0,0,sales,low +0.8,0.66,4,181,3,1,0,0,sales,low +0.45,0.72,3,148,2,0,0,0,sales,low +0.72,0.54,3,226,2,1,0,0,sales,low +0.84,0.36,6,256,5,0,0,0,sales,low +0.61,0.51,3,141,2,0,0,0,sales,low +0.63,0.88,3,177,3,0,0,0,sales,low +0.49,0.54,4,173,2,0,0,0,sales,low +0.68,0.51,2,196,3,0,0,0,sales,low +0.64,0.85,5,179,2,0,0,0,sales,low +0.61,0.64,4,201,3,0,0,0,sales,low +0.83,0.55,5,247,3,0,0,0,sales,low +0.94,0.51,5,238,2,0,0,0,sales,low +0.27,0.66,3,133,6,0,0,0,sales,low +0.6,0.49,2,194,4,0,0,0,sales,low +0.83,0.69,4,232,2,0,0,0,sales,low +0.53,0.75,3,232,3,0,0,0,sales,low +0.79,0.97,4,204,3,0,0,0,sales,medium +0.96,0.49,4,252,3,1,0,0,sales,medium +0.5,0.56,3,164,3,0,0,0,accounting,medium +0.68,0.81,5,266,2,0,0,0,accounting,medium +0.24,0.54,4,226,4,1,0,0,accounting,medium +0.8,0.8,4,252,6,0,0,0,hr,medium +0.62,0.74,4,155,3,0,0,0,hr,medium +1,0.85,3,202,2,0,0,0,hr,medium +0.64,0.75,3,214,3,0,0,0,hr,medium +0.51,0.55,4,267,3,0,0,0,technical,medium +0.74,0.5,4,265,3,0,0,0,technical,medium +0.49,0.99,3,221,2,1,0,0,technical,medium +0.96,0.83,4,132,6,0,0,0,technical,high +0.59,0.62,4,227,4,1,0,0,technical,low +0.84,0.57,4,234,3,0,0,0,technical,medium +0.16,0.84,3,238,6,0,0,0,technical,medium +0.62,0.75,3,149,2,1,0,0,technical,medium +0.79,0.67,4,152,3,0,0,0,technical,medium +0.53,0.83,4,249,3,1,0,0,technical,low +0.17,0.48,6,270,5,0,0,0,technical,low +0.57,0.76,3,200,2,0,0,0,support,low +0.65,0.82,4,207,2,0,0,0,support,low +0.69,0.74,4,266,2,1,0,0,support,low +0.3,0.8,6,250,3,0,0,0,support,low +0.99,0.92,3,220,3,0,0,0,support,low +0.5,0.69,4,177,2,0,0,0,support,low +0.54,0.96,3,147,2,0,0,0,support,medium +0.69,0.57,4,227,4,0,0,0,support,medium +0.5,0.85,4,272,2,0,0,0,support,medium +0.66,0.73,3,244,3,0,0,0,support,medium +1,0.93,5,182,3,1,0,0,support,medium +0.15,0.61,3,146,6,1,0,0,technical,medium +0.31,0.54,5,259,5,1,0,0,technical,medium +0.65,0.49,4,184,4,0,0,0,technical,medium +0.72,0.69,4,149,2,0,0,0,management,medium +0.84,0.85,4,185,3,1,0,0,IT,medium +0.55,0.8,3,254,2,0,0,0,IT,medium +0.6,0.58,4,249,3,0,0,0,IT,medium +0.84,0.48,4,269,2,0,0,0,IT,medium +0.68,0.87,3,168,3,0,0,0,IT,medium +0.13,1,6,225,3,0,0,0,product_mng,medium +0.88,0.98,3,160,2,0,0,0,product_mng,medium +0.64,0.57,5,149,3,1,0,0,product_mng,medium +0.19,0.95,5,193,3,0,0,0,product_mng,medium +0.83,0.88,5,171,3,1,0,0,IT,medium +0.17,0.41,4,232,3,1,0,0,RandD,medium +0.44,0.74,4,250,6,0,0,0,RandD,medium +0.52,0.55,4,243,2,0,0,0,RandD,medium +0.66,0.62,4,250,2,0,0,0,RandD,medium +0.96,0.55,4,153,3,0,0,0,RandD,medium +0.19,0.5,5,126,3,1,0,0,RandD,medium +0.86,1,3,192,3,0,0,0,marketing,high +0.65,0.57,3,137,4,1,0,0,sales,high +0.61,0.97,3,199,3,1,0,0,accounting,high +0.53,0.96,3,181,3,1,0,0,support,high +0.14,0.76,5,260,6,0,0,0,technical,high +0.74,1,4,199,4,0,0,0,management,high +0.47,0.62,6,171,5,1,0,0,marketing,high +0.6,0.56,4,260,3,0,0,0,marketing,high +0.81,0.58,3,243,4,0,0,0,marketing,high +0.95,0.59,2,154,4,0,0,0,sales,high +0.98,0.8,2,201,2,0,0,0,sales,high +0.52,0.8,5,234,3,0,0,0,sales,high +1,0.97,3,216,3,1,0,0,sales,low +0.16,0.74,5,205,4,1,0,0,sales,low +0.19,0.83,3,225,4,0,0,0,sales,low +0.94,0.87,3,229,3,0,0,0,sales,low +0.58,0.43,6,132,3,0,0,0,sales,low +0.92,0.69,4,180,3,0,0,0,sales,low +0.65,0.8,4,164,4,0,0,0,sales,low +0.74,0.74,5,175,3,0,0,0,sales,low +0.6,0.53,5,103,2,0,0,0,sales,low +1,1,5,142,4,0,0,0,sales,low +0.81,0.96,4,212,3,0,0,0,sales,low +0.54,0.67,2,129,3,1,0,0,sales,low +0.18,0.81,5,140,4,0,0,0,sales,low +0.82,0.88,4,149,2,0,0,0,sales,low +0.9,0.96,2,258,2,0,0,0,sales,low +0.62,0.62,4,136,2,0,0,0,sales,medium +0.77,0.76,2,216,3,1,0,0,accounting,medium +0.58,0.86,3,151,2,0,0,0,accounting,medium +0.27,0.47,5,217,6,0,0,0,accounting,medium +0.78,0.72,4,219,3,0,0,0,hr,medium +0.98,0.66,3,150,3,0,0,0,hr,medium +0.75,0.5,4,98,4,0,0,0,hr,medium +0.74,0.67,5,140,3,0,0,0,hr,medium +0.9,0.99,3,259,3,1,0,0,technical,medium +0.73,0.71,5,215,6,1,0,0,technical,medium +0.9,0.62,4,258,3,0,0,0,technical,medium +0.68,0.91,4,162,3,1,0,0,technical,medium +0.9,0.74,3,260,4,0,0,0,technical,high +0.64,0.93,5,198,2,0,0,0,technical,high +0.63,0.9,2,242,3,1,0,0,technical,high +0.87,0.89,4,219,4,0,0,0,technical,high +0.6,0.55,4,204,3,0,0,0,technical,high +0.7,0.74,3,157,3,0,0,0,technical,high +0.15,0.94,5,244,6,0,0,0,technical,high +0.45,0.75,3,122,3,0,0,0,support,high +0.43,0.9,5,282,5,0,0,0,support,low +0.92,0.46,5,195,5,0,0,0,support,low +0.72,0.81,4,134,2,0,0,0,support,low +0.94,0.84,3,210,2,0,0,0,support,low +0.74,0.52,3,170,3,0,0,0,support,low +0.48,0.71,2,140,3,1,0,0,support,low +0.84,0.76,5,215,2,1,0,0,support,low +0.53,0.86,3,150,3,0,0,0,support,low +0.45,0.88,5,268,3,1,0,0,support,medium +0.95,0.67,4,270,4,0,0,0,support,medium +0.95,0.58,3,163,3,0,0,0,technical,medium +0.7,0.85,3,188,2,0,0,0,technical,medium +0.19,0.93,3,110,4,0,0,0,technical,medium +0.74,0.91,5,135,3,0,0,0,management,medium +0.54,0.59,4,228,3,0,0,0,IT,medium +0.5,0.69,5,172,2,0,0,0,IT,medium +0.95,0.72,3,168,5,0,0,0,IT,medium +0.69,0.69,5,160,3,0,0,0,IT,medium +0.24,0.74,5,282,3,0,0,0,IT,medium +0.96,0.7,5,184,2,1,0,0,product_mng,medium +0.61,0.5,4,217,4,1,0,0,product_mng,medium +0.76,0.53,6,281,3,0,0,0,product_mng,medium +0.61,0.64,3,245,2,0,0,0,product_mng,medium +0.37,0.48,2,285,5,0,0,0,IT,medium +0.81,0.9,4,165,3,0,0,0,RandD,medium +0.59,0.9,3,146,3,0,0,0,RandD,medium +0.73,0.82,3,133,3,0,0,0,RandD,medium +0.87,0.57,2,181,6,0,0,0,RandD,medium +0.67,0.66,6,152,3,0,0,0,RandD,medium +0.96,0.78,2,284,3,0,0,0,RandD,medium +0.98,0.51,3,157,3,0,0,0,marketing,medium +0.5,0.58,4,165,2,0,0,0,sales,high +0.49,0.71,3,255,2,1,0,0,accounting,low +0.13,0.65,4,194,4,0,0,0,support,medium +0.57,0.68,3,102,6,0,0,0,technical,medium +0.51,0.94,4,247,2,0,0,0,management,medium +0.99,0.69,3,206,2,0,0,0,marketing,medium +0.8,0.77,3,171,2,0,0,0,marketing,medium +0.56,0.39,5,263,4,0,0,0,marketing,medium +0.96,0.84,4,272,4,1,0,0,sales,medium +0.96,0.5,3,158,2,1,0,0,sales,medium +0.87,0.53,6,216,6,1,0,0,sales,medium +0.61,0.9,5,113,3,0,0,0,sales,medium +0.18,0.6,3,140,4,0,0,0,sales,low +0.24,0.77,5,178,5,0,0,0,sales,low +0.86,0.48,4,153,3,0,0,0,sales,low +0.25,0.62,6,271,5,0,0,0,sales,low +0.25,0.82,3,269,5,0,0,0,sales,low +0.63,0.55,3,160,3,0,0,0,sales,low +0.89,0.68,4,258,2,1,0,0,sales,low +0.87,0.82,4,251,3,0,0,0,sales,high +0.87,0.78,3,170,2,0,0,0,sales,low +0.71,0.99,4,238,4,1,0,0,sales,high +0.98,0.87,4,152,2,0,0,0,sales,high +0.16,0.51,3,262,6,0,0,0,sales,low +0.83,0.68,4,273,2,0,0,0,sales,low +0.65,0.77,3,233,2,0,0,0,sales,high +0.95,0.64,3,262,3,0,0,0,sales,low +0.67,0.67,3,183,3,0,0,0,accounting,medium +0.53,0.88,3,150,3,1,0,0,accounting,high +0.74,0.94,3,132,3,0,0,0,accounting,medium +0.77,0.79,3,200,4,0,0,0,hr,medium +0.13,0.72,4,148,5,0,0,0,hr,medium +0.82,0.92,3,187,3,1,0,0,hr,medium +0.88,0.65,4,224,2,0,0,0,hr,high +0.89,0.5,4,147,2,0,0,0,technical,medium +0.85,0.51,3,153,4,0,0,0,technical,medium +0.93,0.87,5,154,2,0,0,0,technical,medium +0.62,0.7,5,270,3,0,0,0,technical,high +0.58,0.96,3,202,2,0,0,0,technical,medium +0.98,0.5,4,264,3,0,0,0,technical,high +0.52,0.45,2,145,3,0,0,0,technical,low +0.76,0.49,3,138,2,1,0,0,technical,medium +0.73,0.91,3,238,2,0,0,0,technical,medium +0.74,0.64,4,147,5,0,0,0,technical,medium +0.49,0.48,3,190,2,0,0,0,technical,medium +0.91,0.97,4,183,3,0,0,0,support,low +0.74,0.92,5,255,3,0,0,0,support,low +0.86,0.82,4,252,4,0,0,0,support,low +0.52,0.47,6,141,5,1,0,0,support,low +0.95,0.81,3,260,2,0,0,0,support,low +0.65,0.98,3,136,3,0,0,0,support,low +0.7,0.56,4,182,2,0,0,0,support,low +0.14,0.66,6,142,5,0,0,0,support,low +0.92,0.53,2,261,4,0,0,0,support,low +0.54,0.6,3,209,2,0,0,0,support,low +0.76,0.95,2,156,4,0,0,0,support,high +0.78,0.66,4,214,2,0,0,0,technical,low +0.85,0.86,4,250,3,0,0,0,technical,low +0.78,0.8,4,197,3,1,0,0,technical,low +0.55,0.72,3,149,3,0,0,0,management,low +0.68,0.61,5,271,2,0,0,0,IT,high +0.91,0.68,4,187,2,0,0,0,IT,low +0.76,0.56,3,154,2,0,0,0,IT,low +0.15,0.67,4,264,3,0,0,0,IT,low +0.95,0.6,2,144,3,0,0,0,IT,high +0.74,0.37,6,200,3,0,0,0,product_mng,low +0.92,0.56,5,197,2,1,0,0,product_mng,medium +0.64,0.89,3,175,3,1,0,0,product_mng,high +0.96,0.9,3,161,3,0,0,0,product_mng,medium +0.21,0.72,3,245,6,0,0,0,IT,high +0.85,0.67,3,167,4,0,0,0,RandD,medium +0.52,0.86,5,168,3,0,0,0,RandD,medium +0.54,0.81,5,261,6,0,0,0,RandD,medium +0.56,0.81,5,274,4,0,0,0,RandD,medium +0.59,0.79,4,181,3,0,0,0,RandD,medium +0.88,0.58,5,266,3,1,0,0,marketing,medium +0.7,0.84,4,184,3,0,0,0,sales,medium +0.95,0.58,3,193,2,0,0,0,accounting,medium +0.83,0.88,3,217,2,1,0,0,support,high +0.76,0.62,4,197,3,0,0,0,technical,low +0.82,0.92,5,252,3,0,0,0,management,medium +0.55,0.97,4,136,3,0,0,0,marketing,medium +0.89,0.55,5,194,4,0,0,0,marketing,medium +0.66,0.94,4,190,3,0,0,0,marketing,medium +0.41,0.61,3,185,2,1,0,0,sales,medium +0.83,0.77,3,232,2,1,0,0,sales,medium +0.88,0.72,3,200,2,1,0,0,sales,medium +0.56,0.66,5,155,2,0,0,0,sales,medium +0.53,0.72,3,228,3,0,0,0,sales,medium +0.8,0.41,3,188,4,0,0,0,sales,high +0.95,0.78,4,245,3,0,0,0,sales,low +0.9,0.88,4,205,2,0,0,0,sales,low +0.5,0.97,4,269,3,0,0,0,sales,low +0.4,0.59,3,207,6,0,0,0,sales,high +0.52,0.85,3,250,4,0,0,0,sales,low +0.51,0.5,5,251,3,1,0,0,sales,low +0.84,0.62,5,217,3,0,0,0,sales,low +0.78,0.98,5,252,3,0,0,0,sales,high +0.91,0.71,2,159,3,1,0,0,sales,low +0.59,0.71,5,169,2,0,0,0,sales,low +0.69,0.97,5,105,4,0,0,0,sales,low +0.87,0.93,4,268,2,0,0,0,sales,low +0.66,1,5,145,2,0,0,0,sales,low +0.5,0.54,4,165,3,0,0,0,accounting,low +0.95,0.75,3,253,4,0,0,0,accounting,low +0.77,0.64,3,254,3,0,0,0,accounting,medium +0.66,0.5,3,218,2,0,0,0,hr,medium +0.61,0.98,3,138,5,1,0,0,hr,medium +0.7,0.87,5,239,3,0,0,0,hr,medium +0.89,0.71,5,182,2,1,0,0,hr,medium +0.6,0.78,4,152,3,1,0,0,technical,medium +0.62,0.51,3,222,3,1,0,0,technical,medium +0.59,0.9,2,219,2,1,0,0,technical,medium +0.69,0.59,4,266,4,0,0,0,technical,medium +0.36,0.94,3,113,5,1,0,0,technical,medium +0.59,0.93,4,146,3,0,0,0,technical,medium +0.5,0.51,5,238,4,0,0,0,technical,medium +0.53,0.99,3,188,3,0,0,0,technical,high +0.84,0.9,4,237,2,0,0,0,technical,low +0.51,0.95,4,201,3,0,0,0,technical,medium +0.53,0.56,5,188,3,0,0,0,technical,medium +0.98,0.63,3,137,3,0,0,0,support,medium +0.95,0.81,4,263,3,0,0,0,support,medium +0.13,0.76,5,217,3,0,0,0,support,low +0.5,0.64,4,213,4,0,0,0,support,low +0.93,0.76,3,244,3,0,0,0,support,low +0.5,0.87,3,252,2,0,0,0,support,low +0.66,0.84,4,168,2,0,0,0,support,low +0.89,0.79,4,212,3,0,0,0,support,low +0.46,0.43,4,258,3,0,0,0,support,low +0.67,0.6,4,210,3,0,0,0,support,low +0.96,0.9,4,246,3,0,0,0,support,low +0.98,0.76,4,221,3,1,0,0,technical,low +0.67,0.57,5,215,4,0,0,0,technical,low +0.72,0.72,4,175,4,0,0,0,technical,low +0.65,0.49,5,221,2,0,0,0,management,low +0.72,0.67,5,219,3,0,0,0,IT,low +0.78,0.58,3,154,3,0,0,0,IT,low +0.93,0.56,3,266,2,0,0,0,IT,low +0.73,0.85,5,224,4,0,0,0,IT,low +0.2,0.57,4,269,5,1,0,0,IT,low +0.47,0.5,4,159,2,0,0,0,product_mng,low +0.56,0.62,4,247,3,0,0,0,product_mng,low +0.72,0.86,4,137,2,0,0,0,product_mng,low +0.91,0.56,4,251,4,0,0,0,product_mng,medium +0.79,0.49,5,210,3,0,0,0,IT,medium +0.53,0.75,2,123,4,0,0,0,RandD,medium +0.14,0.51,4,253,6,0,0,0,RandD,medium +0.78,0.92,5,242,4,0,0,0,RandD,medium +0.52,0.74,3,238,3,0,0,0,RandD,medium +0.94,0.68,5,151,2,0,0,0,RandD,medium +0.83,0.8,4,158,4,0,0,0,marketing,medium +0.44,0.68,2,120,2,0,0,0,marketing,medium +0.72,0.74,3,187,2,0,0,0,sales,medium +0.84,0.58,3,140,3,0,0,0,accounting,medium +0.76,0.99,3,164,2,0,0,0,support,medium +0.92,0.94,5,253,2,0,0,0,technical,high +0.58,0.93,5,235,2,0,0,0,management,low +0.85,0.81,4,189,4,0,0,0,marketing,medium +0.74,0.51,4,246,3,1,0,0,marketing,medium +0.74,0.87,4,258,2,0,0,0,marketing,medium +0.72,0.8,3,158,3,0,0,0,sales,medium +0.76,0.98,4,173,3,1,0,0,sales,low +0.85,0.72,3,201,3,0,0,0,sales,low +0.82,0.49,5,185,3,0,0,0,sales,low +0.6,0.93,5,270,3,1,0,0,sales,low +0.39,0.64,3,152,2,0,0,0,sales,low +0.83,0.53,3,211,4,1,0,0,sales,low +0.7,0.92,3,162,3,1,0,0,sales,low +0.84,0.97,4,253,2,1,0,0,sales,low +0.9,0.77,4,236,3,0,0,0,sales,low +0.18,0.84,4,231,5,0,0,0,sales,low +0.52,0.71,2,231,2,0,0,0,sales,low +0.87,0.51,4,233,3,0,0,0,sales,low +0.6,0.79,5,217,2,0,0,0,sales,low +0.72,0.93,4,174,2,0,0,0,sales,low +0.48,0.64,4,227,3,0,0,0,sales,low +0.75,0.53,3,222,2,0,0,0,sales,low +0.85,0.55,2,207,6,0,0,0,sales,low +0.39,0.41,6,115,3,0,0,0,sales,low +0.61,0.68,3,254,2,0,0,0,accounting,low +0.6,0.61,4,170,3,0,0,0,accounting,low +0.57,0.64,2,206,3,0,0,0,accounting,low +0.19,0.68,5,149,3,0,0,0,hr,medium +0.48,0.77,3,197,3,0,0,0,hr,medium +0.69,0.75,4,261,3,0,0,0,hr,medium +0.7,0.55,4,256,4,0,0,0,hr,medium +0.65,0.92,3,219,3,0,0,0,technical,medium +0.81,0.96,4,143,3,1,0,0,technical,medium +0.85,0.95,4,171,3,0,0,0,technical,medium +0.93,0.76,4,207,2,0,0,0,technical,medium +0.72,0.94,4,235,3,0,0,0,technical,medium +0.49,0.55,2,173,3,0,0,0,technical,medium +0.94,0.47,5,131,6,0,0,0,technical,medium +0.81,0.84,4,143,2,0,0,0,technical,medium +0.92,0.78,5,193,4,0,0,0,technical,high +0.97,0.82,3,135,2,0,0,0,technical,low +0.98,0.61,4,265,2,1,0,0,technical,medium +0.44,0.45,3,133,2,1,0,0,support,medium +0.72,0.87,4,184,4,0,0,0,support,medium +0.8,0.73,5,135,3,0,0,0,support,medium +0.6,0.72,4,267,4,0,0,0,support,low +0.89,0.65,4,184,3,0,0,0,support,low +0.69,0.57,5,227,2,0,0,0,support,low +0.54,0.81,4,257,2,0,0,0,support,low +0.97,0.75,5,235,3,1,0,0,support,low +0.37,0.4,4,161,2,0,0,0,support,low +0.73,0.52,4,215,3,0,0,0,support,low +0.57,0.69,4,146,3,0,0,0,support,low +0.86,0.66,4,191,2,0,0,0,technical,low +0.83,0.85,4,261,3,0,0,0,technical,low +0.19,0.52,5,200,5,0,0,0,technical,low +0.55,0.93,4,239,4,0,0,0,management,low +0.6,0.65,4,160,2,0,0,0,IT,low +0.62,0.71,3,177,3,1,0,0,IT,low +0.65,0.55,5,215,2,0,0,0,IT,low +0.4,0.48,4,97,2,0,0,0,IT,low +0.82,0.78,5,231,2,1,0,0,IT,low +0.75,0.69,2,257,2,1,0,0,product_mng,low +0.83,0.53,3,232,3,1,0,0,product_mng,low +0.77,0.78,4,212,3,0,0,0,product_mng,low +0.59,0.98,4,198,3,0,0,0,product_mng,low +0.8,0.79,5,240,4,0,0,0,IT,medium +0.84,0.55,3,242,3,0,0,0,RandD,medium +0.88,0.71,4,250,3,0,0,0,RandD,medium +0.37,0.9,3,229,6,0,0,0,RandD,medium +0.88,0.66,4,133,2,0,0,0,RandD,medium +0.69,0.85,3,200,2,0,0,0,RandD,medium +0.54,0.49,2,155,2,1,0,0,marketing,medium +0.76,0.57,5,139,4,0,0,0,sales,medium +0.51,0.58,4,272,3,0,0,0,accounting,medium +0.16,0.52,3,100,4,0,0,0,support,medium +0.65,0.6,5,160,3,0,0,0,technical,medium +0.54,0.81,5,195,4,0,0,0,management,medium +0.66,0.68,4,152,3,0,0,0,marketing,high +0.95,0.65,5,182,3,0,0,0,marketing,low +0.83,0.57,3,137,2,0,0,0,marketing,medium +0.98,0.84,4,182,3,0,0,0,sales,medium +0.72,0.72,3,217,2,0,0,0,sales,medium +0.71,0.62,4,192,4,0,0,0,sales,medium +0.36,0.65,3,116,2,1,0,0,sales,low +0.55,0.65,4,170,4,0,0,0,sales,low +0.64,0.52,3,223,3,0,0,0,sales,low +0.62,0.57,3,174,2,0,0,0,sales,low +1,0.95,3,193,6,0,0,0,sales,low +0.91,0.91,6,167,2,1,0,0,sales,low +0.81,0.67,4,225,3,0,0,0,sales,low +0.71,0.92,4,248,3,1,0,0,sales,low +0.97,0.74,3,104,5,0,0,0,sales,low +0.75,0.86,6,148,4,0,0,0,sales,low +0.68,1,3,148,4,1,0,0,sales,low +0.87,0.68,5,187,3,0,0,0,sales,low +0.96,0.57,3,151,2,0,0,0,sales,low +0.41,0.86,6,215,5,0,0,0,sales,low +0.81,0.61,4,142,4,0,0,0,sales,low +0.68,1,6,258,5,0,0,0,sales,low +0.63,0.56,4,228,3,0,0,0,accounting,low +0.6,0.84,2,221,3,0,0,0,accounting,low +0.66,0.97,3,263,3,0,0,0,accounting,medium +0.69,0.82,4,273,4,0,0,0,hr,medium +0.23,0.37,3,247,4,0,0,0,hr,medium +0.52,0.63,3,225,3,0,0,0,hr,medium +0.65,0.86,4,269,2,1,0,0,hr,medium +0.78,0.4,6,174,3,0,0,0,technical,medium +0.6,0.65,5,201,2,0,0,0,technical,medium +0.9,0.62,3,254,3,0,0,0,technical,medium +0.59,0.95,5,254,2,0,0,0,technical,medium +0.89,0.78,3,185,2,1,0,0,technical,medium +0.96,0.85,4,200,4,0,0,0,technical,medium +0.68,0.76,3,190,3,1,0,0,technical,medium +0.52,0.72,2,160,2,0,0,0,technical,high +0.68,0.94,3,264,2,0,0,0,technical,low +0.6,0.59,3,172,3,0,0,0,technical,medium +0.28,0.83,5,279,4,0,0,0,technical,medium +0.98,0.54,5,260,3,0,0,0,support,medium +0.67,0.52,4,262,2,0,0,0,support,medium +0.86,0.6,5,134,2,1,0,0,support,low +0.83,0.9,3,195,3,0,0,0,support,low +0.79,0.86,3,139,3,0,0,0,support,low +0.54,0.86,4,205,5,0,0,0,support,low +0.51,0.86,5,212,2,0,0,0,support,low +0.75,0.65,4,148,2,0,0,0,support,low +0.51,0.67,4,228,3,0,0,0,support,low +0.73,0.74,5,230,3,0,0,0,support,low +0.17,0.4,4,286,3,0,0,0,support,low +0.88,0.59,4,142,3,0,0,0,technical,low +0.76,0.79,3,161,3,0,0,0,technical,low +0.29,0.77,3,152,3,1,0,0,technical,low +0.62,0.97,4,266,3,0,0,0,management,low +0.5,0.85,2,143,3,0,0,0,IT,low +0.16,0.65,5,165,3,0,0,0,IT,low +0.18,0.99,4,204,6,0,0,0,IT,low +0.86,0.68,4,170,2,0,0,0,IT,low +0.68,0.52,5,203,3,0,0,0,IT,low +0.68,0.85,3,199,3,0,0,0,product_mng,low +0.89,0.78,4,223,3,0,0,0,product_mng,low +0.86,0.88,4,220,2,0,0,0,product_mng,low +0.43,0.41,4,190,3,0,0,0,product_mng,medium +0.85,0.58,4,143,6,1,0,0,IT,medium +0.94,0.8,5,111,4,0,0,1,RandD,medium +0.58,0.71,4,145,3,1,0,1,RandD,medium +0.43,0.6,3,138,3,0,0,1,RandD,medium +0.72,0.49,3,203,3,0,0,1,RandD,medium +0.95,0.96,5,175,3,1,0,1,RandD,medium +0.35,0.67,3,119,3,0,0,1,marketing,medium +0.77,0.79,3,157,3,0,0,1,sales,medium +0.74,0.7,5,135,2,0,0,1,accounting,medium +0.5,0.6,4,200,2,0,0,1,support,medium +0.87,0.56,4,121,2,0,0,1,technical,medium +0.55,0.48,3,162,3,0,0,1,management,high +0.8,0.65,3,135,3,0,0,1,marketing,low +0.49,0.52,4,183,2,0,0,1,marketing,medium +0.54,0.92,4,228,3,0,0,1,marketing,medium +0.21,0.87,4,148,5,0,0,0,sales,medium +0.77,0.77,3,219,2,0,0,0,sales,medium +0.53,0.73,4,147,3,0,0,0,sales,low +0.89,0.49,5,165,6,0,0,0,sales,low +0.25,0.59,4,218,3,1,0,0,sales,low +0.53,0.59,3,231,2,0,0,0,sales,low +0.44,0.45,2,124,3,0,0,0,sales,low +0.7,0.44,2,131,2,0,0,0,sales,low +0.54,0.76,3,199,4,0,0,0,sales,low +0.9,0.56,3,220,3,0,0,0,sales,low +0.69,0.8,5,215,3,0,0,0,sales,low +0.78,0.59,4,180,3,0,0,0,sales,low +0.91,0.49,6,272,6,0,0,0,sales,low +0.92,0.61,2,228,2,0,0,0,sales,low +0.96,0.88,3,168,2,0,0,0,sales,low +0.8,0.77,4,205,2,0,0,0,sales,low +0.52,0.67,3,244,3,0,0,0,sales,low +0.52,0.97,3,185,2,0,0,0,sales,low +0.93,0.96,5,135,3,1,0,0,sales,low +0.89,0.9,4,160,2,0,0,0,accounting,low +0.83,0.61,4,262,4,0,0,0,accounting,low +0.7,0.84,6,225,6,0,0,0,accounting,low +0.89,0.74,4,174,2,0,0,0,hr,low +0.21,0.37,6,266,3,0,0,1,hr,medium +0.67,0.78,4,241,4,0,0,1,hr,medium +0.73,0.97,3,245,2,0,0,1,hr,medium +0.85,0.51,3,261,4,0,0,1,technical,medium +0.54,0.85,4,157,3,0,0,1,technical,medium +0.74,0.94,3,286,6,0,0,1,technical,medium +0.71,0.65,4,263,2,1,0,1,technical,medium +0.76,0.52,2,229,3,0,0,1,technical,medium +0.85,0.5,4,159,2,0,0,1,technical,medium +0.82,0.89,4,196,3,0,0,1,technical,medium +0.71,0.79,4,133,3,0,0,1,technical,medium +0.79,0.65,5,228,3,0,0,1,technical,medium +0.86,0.56,4,247,3,0,0,1,technical,high +0.9,0.78,5,215,3,0,0,1,technical,low +0.65,0.8,6,233,3,1,0,1,support,medium +0.53,0.74,5,237,2,0,0,1,support,medium +0.51,0.91,4,269,5,0,0,1,support,medium +1,0.76,6,246,3,1,0,1,support,medium +0.92,0.82,4,168,3,0,0,1,support,low +1,0.59,3,168,3,0,0,1,support,low +0.23,0.67,4,163,5,0,0,1,support,low +0.52,0.77,3,142,2,0,0,1,support,low +0.8,0.83,4,183,2,1,0,1,support,low +0.59,0.72,4,264,3,0,0,0,support,low +0.75,0.55,2,184,2,0,0,0,support,low +0.99,0.58,4,138,3,0,0,0,technical,low +0.57,0.76,3,195,3,0,0,0,technical,medium +0.87,0.95,4,251,3,0,0,0,technical,medium +0.52,0.47,3,108,5,0,0,0,management,medium +0.57,0.9,3,144,2,0,0,0,IT,medium +0.32,0.77,6,112,4,0,0,0,IT,medium +0.66,0.81,2,201,3,0,0,0,IT,medium +0.53,0.8,4,204,3,0,0,0,IT,medium +0.55,0.62,5,226,3,0,0,0,IT,medium +0.66,0.9,3,217,4,0,0,0,product_mng,medium +0.69,0.92,4,149,2,0,0,0,product_mng,medium +0.67,0.99,5,237,3,0,0,0,product_mng,medium +0.75,0.37,3,256,3,0,0,0,product_mng,medium +0.7,0.98,4,194,2,0,0,0,IT,medium +0.71,0.74,3,202,2,0,0,0,RandD,medium +0.97,0.6,5,133,2,0,0,0,RandD,medium +0.5,0.48,3,246,3,0,0,0,RandD,medium +0.34,0.92,3,206,3,0,0,0,RandD,medium +0.67,0.74,3,204,3,0,0,0,RandD,medium +0.78,0.98,4,157,3,0,0,0,marketing,medium +0.52,0.91,4,187,2,0,0,0,sales,medium +0.91,0.51,2,211,2,0,0,0,accounting,medium +0.79,0.92,3,204,3,0,0,0,support,medium +0.83,0.53,5,182,2,1,0,0,technical,medium +0.74,0.76,3,244,3,0,0,0,management,medium +0.77,0.97,3,184,3,1,0,0,marketing,medium +0.49,0.71,2,117,3,0,0,0,marketing,high +0.94,0.89,3,230,3,1,0,0,marketing,high +0.99,0.91,3,241,2,0,0,0,sales,high +0.69,0.84,3,227,3,1,0,0,sales,high +0.88,0.59,5,147,4,0,0,0,sales,high +0.89,0.9,3,240,3,0,0,0,sales,high +0.8,0.58,4,238,2,0,0,0,sales,high +0.22,0.89,4,262,4,0,0,0,sales,high +0.87,0.83,4,215,2,0,0,0,sales,high +0.66,0.66,3,211,4,0,0,0,sales,high +0.9,0.68,3,156,3,1,0,0,sales,high +0.95,0.54,4,180,5,0,0,0,sales,high +0.49,0.56,4,260,6,0,0,0,sales,low +0.71,0.68,4,228,2,0,0,0,sales,low +0.2,0.96,2,249,3,0,0,0,sales,low +0.95,0.64,3,242,5,1,0,0,sales,low +0.68,0.8,2,254,2,1,0,0,sales,low +0.93,0.68,3,272,2,1,0,0,sales,low +0.85,0.57,5,210,3,0,0,0,sales,low +0.82,0.68,3,140,2,0,0,0,sales,low +0.87,0.42,5,252,5,0,0,0,sales,low +0.88,0.84,3,266,3,0,0,0,accounting,low +0.98,0.79,4,138,3,0,0,0,accounting,low +0.89,0.98,3,220,3,0,0,0,accounting,low +0.92,0.51,5,214,3,0,0,0,hr,low +0.48,0.6,2,121,5,0,0,0,hr,low +0.67,0.49,4,195,3,0,0,0,hr,low +0.84,0.55,3,135,3,0,0,0,hr,medium +0.97,0.78,4,261,2,0,0,0,technical,medium +0.65,0.53,5,205,3,1,0,0,technical,medium +0.79,0.87,5,240,2,1,0,0,technical,medium +0.75,0.75,2,141,4,0,0,0,technical,medium +0.69,0.64,4,200,3,0,0,0,technical,medium +0.85,0.6,4,257,3,0,0,0,technical,medium +0.34,0.41,2,141,3,0,0,0,technical,medium +0.97,0.68,3,185,2,0,0,0,technical,medium +0.39,0.99,6,235,6,0,0,0,technical,medium +0.54,0.81,4,264,4,0,0,0,technical,medium +0.78,0.67,4,260,3,0,0,0,technical,medium +0.49,0.79,4,158,3,0,0,0,support,high +0.17,0.83,6,195,5,0,0,0,support,high +0.98,0.81,3,180,2,1,0,0,support,high +0.9,1,2,114,5,0,0,0,support,high +0.24,0.89,5,228,4,1,0,0,support,high +0.92,0.79,5,243,3,1,0,0,support,high +0.36,0.72,3,179,3,0,0,0,support,high +0.19,0.76,2,158,3,0,0,0,support,high +0.75,0.76,4,254,4,0,0,0,support,low +0.91,0.81,3,220,3,1,0,0,support,low +0.72,0.95,5,171,3,0,0,0,support,low +0.62,0.64,4,142,2,0,0,0,technical,low +0.97,0.75,3,241,2,0,0,0,technical,low +0.69,0.64,3,275,3,0,0,0,technical,low +0.98,0.56,3,157,2,0,0,0,management,low +0.62,0.53,5,169,3,0,0,0,IT,low +0.59,0.82,2,233,2,0,0,0,IT,medium +0.73,0.98,4,160,3,0,0,0,IT,medium +0.71,0.79,3,189,3,0,0,0,IT,medium +0.85,0.58,4,273,4,0,0,0,IT,medium +0.8,0.94,4,141,3,1,0,0,product_mng,medium +0.48,0.38,3,134,3,0,0,0,product_mng,medium +0.64,0.4,3,248,3,0,0,0,product_mng,medium +0.19,0.64,6,222,5,0,0,0,product_mng,medium +0.82,0.69,5,219,3,0,0,0,IT,medium +0.99,0.96,4,202,3,0,0,0,RandD,medium +0.45,0.58,3,200,2,0,0,0,RandD,medium +0.89,0.89,3,138,2,0,0,0,RandD,medium +0.75,0.78,4,158,5,1,0,0,RandD,medium +0.8,0.86,3,136,2,0,0,0,RandD,medium +0.78,0.49,4,222,2,0,0,0,marketing,medium +0.95,0.76,3,236,2,1,0,0,sales,medium +0.68,0.67,4,135,2,0,0,0,accounting,medium +0.82,0.97,5,235,3,0,0,0,support,medium +0.9,0.69,4,274,2,0,0,0,technical,medium +0.59,0.99,3,235,2,0,0,0,management,medium +0.66,0.57,3,169,4,1,0,0,marketing,medium +0.63,0.56,5,286,4,0,0,0,marketing,medium +0.73,0.78,3,166,2,0,0,0,marketing,medium +0.63,0.93,3,236,4,0,0,0,sales,high +0.87,0.62,5,197,2,0,0,0,sales,low +0.62,0.87,6,169,2,1,0,0,sales,medium +0.53,0.9,3,210,3,0,0,0,sales,medium +0.94,0.83,4,156,2,0,0,0,sales,medium +0.94,0.55,5,231,2,0,0,0,sales,medium +0.55,0.64,3,101,2,1,0,0,sales,medium +0.58,0.72,4,259,3,0,0,0,sales,medium +0.98,0.88,5,203,5,1,0,0,sales,medium +0.74,0.76,5,255,4,0,0,0,sales,medium +0.65,0.48,3,131,3,1,0,0,sales,medium +0.97,0.79,2,272,2,0,0,0,sales,medium +0.58,0.75,4,253,2,0,0,0,sales,low +0.49,0.77,2,254,2,0,0,0,sales,low +0.69,0.98,3,214,2,0,0,0,sales,low +0.55,0.49,5,195,3,0,0,0,sales,low +0.65,0.89,4,240,3,0,0,0,sales,low +0.87,0.49,4,149,2,0,0,0,sales,low +0.12,0.7,4,276,4,0,0,0,sales,low +0.65,0.84,4,247,4,0,0,0,accounting,high +0.23,0.66,4,212,4,1,0,0,accounting,low +0.62,0.77,4,256,3,0,0,0,accounting,high +0.86,0.72,4,178,2,0,0,0,hr,high +0.85,0.6,4,255,4,0,0,0,hr,low +0.74,0.76,3,224,2,0,0,0,hr,low +0.53,0.76,2,204,4,0,0,0,hr,high +0.99,0.44,6,104,6,0,0,0,technical,low +0.48,0.81,5,113,3,0,0,0,technical,medium +0.72,0.74,3,243,2,0,0,0,technical,high +0.76,0.72,3,242,5,1,0,0,technical,medium +0.41,0.7,4,177,3,0,0,0,technical,medium +0.85,0.88,3,235,2,0,0,0,technical,medium +0.62,0.49,4,175,3,0,0,0,technical,medium +0.16,0.78,4,280,6,0,0,0,technical,high +0.58,0.61,3,205,2,0,0,0,technical,medium +0.73,0.95,4,243,3,0,0,0,technical,medium +0.28,0.76,3,150,2,0,0,0,technical,medium +0.77,0.61,4,178,2,1,0,0,support,high +0.85,0.86,3,231,3,0,0,0,support,medium +0.56,0.76,3,134,2,0,0,0,support,high +0.81,1,5,143,2,0,0,0,support,low +0.83,0.87,3,156,3,0,0,0,support,medium +0.49,0.48,4,249,3,0,0,0,support,medium +0.81,0.97,3,247,3,0,0,0,support,medium +0.56,0.92,5,222,4,0,0,0,support,medium +0.77,0.83,3,160,3,0,0,0,support,low +0.73,0.5,4,224,4,1,0,0,support,low +0.95,0.72,4,235,2,0,0,0,support,low +0.69,0.68,5,167,3,0,0,0,technical,low +0.79,0.89,3,104,4,0,0,0,technical,low +0.63,0.57,5,160,2,0,0,0,technical,low +0.8,0.79,4,168,3,0,0,0,management,low +0.64,0.61,2,153,2,0,0,0,IT,low +0.92,0.9,4,249,3,0,0,0,IT,low +0.96,0.75,4,177,2,0,0,0,IT,low +0.56,0.85,3,225,3,0,0,0,IT,high +0.37,0.61,3,186,2,0,0,0,IT,low +0.5,0.82,3,133,2,1,0,0,product_mng,low +0.49,0.58,4,213,4,1,0,0,product_mng,low +1,0.73,3,245,2,1,0,0,product_mng,low +0.82,0.75,5,160,3,1,0,0,product_mng,high +0.52,0.54,4,212,3,0,0,0,IT,low +0.76,0.96,4,135,3,1,0,1,RandD,low +0.2,0.53,3,149,4,0,0,1,RandD,low +0.6,0.9,4,178,3,0,0,1,RandD,high +0.69,0.9,6,224,4,0,0,1,RandD,low +0.93,0.51,3,196,2,0,0,1,RandD,medium +0.7,0.64,4,178,3,1,0,1,marketing,high +0.56,0.54,4,191,2,1,0,1,sales,medium +0.97,0.61,4,167,3,0,0,1,accounting,high +0.24,0.65,6,275,5,1,0,1,support,medium +0.83,0.91,3,168,3,0,0,1,technical,medium +0.55,0.85,3,152,2,0,0,1,management,medium +0.68,0.99,3,263,3,1,0,1,marketing,medium +0.48,0.53,3,113,4,0,0,0,marketing,medium +0.75,0.95,3,253,3,0,0,0,marketing,medium +0.61,0.5,4,271,3,1,0,0,sales,medium +0.5,0.74,4,165,2,1,0,0,sales,medium +0.78,0.54,5,257,3,0,0,0,sales,high +0.61,0.68,4,244,3,0,0,0,sales,low +0.48,0.5,4,179,3,0,0,0,sales,medium +0.93,0.92,3,248,2,0,0,0,sales,medium +0.78,0.58,3,224,2,0,0,0,sales,medium +0.92,0.99,5,236,4,0,0,0,sales,medium +0.71,0.98,5,213,3,0,0,0,sales,medium +0.15,0.42,4,238,3,0,0,0,sales,medium +0.14,0.83,5,153,5,1,0,0,sales,medium +0.56,0.72,4,247,2,0,0,0,sales,medium +1,0.84,3,154,3,0,0,0,sales,medium +0.77,0.82,3,147,4,0,0,0,sales,high +0.86,0.66,3,150,2,0,0,0,sales,low +0.88,0.95,3,137,3,0,0,0,sales,low +0.85,0.84,5,179,3,0,0,0,sales,low +0.95,0.56,5,194,2,0,0,0,sales,high +0.65,0.65,4,224,3,0,0,0,sales,low +0.7,0.55,3,253,2,1,0,0,accounting,low +0.6,0.55,3,177,3,1,0,0,accounting,low +0.84,0.83,3,215,3,0,0,0,accounting,high +0.23,0.59,5,245,5,0,0,0,hr,low +0.89,0.75,3,134,3,0,0,0,hr,low +0.98,0.91,4,273,2,0,0,0,hr,low +0.88,0.83,4,163,3,0,0,0,hr,low +0.87,0.52,3,152,4,0,0,0,technical,low +0.93,0.96,3,268,4,0,0,0,technical,low +0.13,0.95,5,149,2,0,0,0,technical,low +0.99,0.56,6,128,4,0,0,0,technical,medium +0.52,0.51,3,218,2,1,0,0,technical,medium +0.58,0.98,3,146,3,0,0,0,technical,medium +0.85,0.57,5,190,2,1,0,0,technical,medium +0.41,0.59,2,182,3,0,0,0,technical,medium +1,0.8,5,162,3,1,0,0,technical,medium +0.63,0.64,3,243,3,0,0,0,technical,medium +0.63,0.58,4,141,3,1,0,0,technical,medium +0.63,0.9,3,142,3,0,0,0,support,medium +0.59,0.62,3,203,4,0,0,0,support,medium +0.88,0.77,4,168,4,0,0,0,support,medium +0.72,0.7,3,149,3,0,0,0,support,medium +0.67,0.81,4,168,2,0,0,0,support,high +0.41,0.54,2,190,4,0,0,0,support,low +0.3,0.68,3,229,6,0,0,0,support,medium +0.83,0.84,3,249,2,0,0,0,support,medium +0.73,0.93,4,162,2,1,0,0,support,medium +0.87,0.9,4,163,2,0,0,0,support,medium +0.93,0.74,2,169,4,0,0,0,support,low +0.97,0.91,4,257,3,1,0,0,technical,low +0.7,0.54,4,150,4,0,0,0,technical,low +0.66,0.95,4,183,3,0,0,0,technical,low +0.62,0.66,3,208,3,0,0,0,management,low +0.56,0.52,4,158,2,0,0,0,IT,low +0.32,0.72,2,240,5,0,0,0,IT,low +0.55,0.81,5,251,3,0,0,0,IT,low +0.69,0.91,5,205,2,0,0,0,IT,low +0.91,0.63,4,226,3,1,0,0,IT,low +0.33,0.82,5,249,6,0,0,0,product_mng,low +0.37,0.74,2,197,3,0,0,0,product_mng,low +0.95,0.57,5,216,3,0,0,0,product_mng,low +0.17,0.91,4,260,5,0,0,0,product_mng,low +0.95,0.53,4,263,3,0,0,0,IT,low +0.27,0.69,2,177,5,0,0,0,RandD,low +0.91,0.95,4,171,3,0,0,0,RandD,low +0.49,0.61,3,148,2,1,0,0,RandD,low +0.6,0.56,4,138,3,0,0,0,RandD,low +0.52,0.57,4,183,3,0,0,0,RandD,low +0.54,0.65,3,202,3,0,0,0,marketing,low +0.86,0.53,4,160,2,1,0,0,sales,medium +0.78,0.87,4,264,3,0,0,0,accounting,medium +0.6,0.81,4,245,3,1,0,0,support,medium +0.15,0.91,2,207,3,0,0,0,technical,medium +0.72,0.92,3,225,3,0,0,0,management,medium +0.94,0.85,4,236,2,0,0,0,marketing,medium +0.92,0.56,4,170,3,0,0,0,marketing,medium +0.6,0.88,3,261,3,1,0,0,marketing,medium +0.41,0.68,4,273,3,0,0,0,sales,medium +0.5,0.43,3,184,2,0,0,0,sales,medium +0.8,0.91,3,202,2,0,0,0,sales,medium +0.67,0.83,4,195,3,0,0,0,sales,medium +0.71,0.88,4,266,3,0,0,0,sales,high +0.66,0.85,3,266,5,0,0,0,sales,low +0.77,0.74,5,263,2,0,0,0,sales,medium +0.62,0.54,3,142,2,0,0,0,sales,medium +0.95,0.53,4,162,3,0,0,0,sales,medium +0.89,0.75,5,258,2,0,0,0,sales,medium +0.74,0.83,4,170,2,0,0,0,sales,low +0.19,0.8,4,249,5,0,0,0,sales,low +0.83,0.77,3,171,3,0,0,0,sales,low +0.53,0.64,2,177,4,0,0,0,sales,low +0.98,0.75,5,188,2,0,0,0,sales,low +0.74,0.99,5,146,2,0,0,0,sales,low +0.22,0.88,5,154,5,0,0,0,sales,low +0.76,0.68,4,204,3,1,0,0,sales,low +0.89,0.91,5,224,3,1,0,0,sales,low +0.5,0.84,3,156,4,0,0,0,accounting,low +0.17,0.82,6,259,4,0,0,0,accounting,low +0.46,0.38,6,165,3,0,0,0,accounting,low +0.68,0.78,3,264,3,0,0,0,hr,low +0.77,0.86,4,215,2,0,0,0,hr,low +0.68,0.83,3,133,3,0,0,0,hr,low +0.15,0.7,4,220,4,0,0,0,hr,low +0.7,0.98,4,176,5,0,0,0,technical,low +0.66,0.96,4,103,2,0,0,0,technical,low +0.54,0.52,5,155,3,0,0,0,technical,low +0.57,0.57,4,141,3,0,0,0,technical,low +0.78,0.58,3,150,3,1,0,0,technical,low +0.14,0.83,5,171,6,0,0,0,technical,medium +0.73,0.86,4,179,3,0,0,0,technical,medium +0.65,0.97,4,145,2,0,0,0,technical,medium +0.31,0.59,3,176,3,0,0,0,technical,medium +0.77,0.55,2,172,2,0,0,0,technical,medium +0.68,0.85,3,243,4,0,0,0,technical,medium +0.79,0.69,4,209,2,0,0,0,support,medium +0.92,0.62,4,196,3,0,0,0,support,medium +0.77,0.96,6,225,4,0,0,0,support,medium +0.48,0.89,3,261,2,0,0,0,support,medium +0.63,0.66,4,157,2,0,0,0,support,medium +0.92,0.49,5,259,3,1,0,0,support,medium +0.5,0.85,4,224,6,0,0,0,support,high +0.52,0.91,5,193,2,0,0,0,support,low +0.73,0.79,4,157,3,0,0,0,support,medium +0.99,0.87,4,223,3,0,0,0,support,medium +0.91,0.99,3,188,3,1,0,0,support,medium +0.85,0.79,3,217,2,0,0,0,technical,medium +0.95,0.69,4,207,2,1,0,0,technical,low +0.67,0.85,3,153,4,0,0,0,technical,low +0.86,0.55,3,269,2,0,0,0,management,low +0.71,0.54,4,198,3,0,0,0,IT,low +0.99,0.95,4,102,5,0,0,0,IT,low +0.57,0.61,3,167,2,1,0,0,IT,low +0.98,0.72,3,252,2,0,0,0,IT,low +0.62,0.58,3,192,2,0,0,0,IT,low +0.74,0.79,5,237,4,0,0,0,product_mng,low +0.7,0.6,4,158,3,0,0,0,product_mng,low +0.8,0.93,3,260,3,0,0,0,product_mng,low +0.65,0.69,4,153,3,0,0,0,product_mng,low +0.53,0.52,3,233,4,0,0,0,IT,low +0.43,0.62,2,180,3,0,0,0,RandD,low +0.59,0.65,4,163,3,1,0,0,RandD,low +0.16,0.96,6,211,6,1,0,0,RandD,low +0.84,0.8,3,151,3,1,0,0,RandD,low +0.78,0.95,3,249,4,0,0,0,RandD,low +0.66,0.91,5,199,3,1,0,0,marketing,low +0.7,0.74,4,247,2,0,0,0,sales,low +0.73,0.63,4,174,3,0,0,0,accounting,low +0.65,0.88,4,268,4,0,0,0,support,medium +0.79,0.59,5,197,4,0,0,0,technical,medium +0.57,0.68,4,154,3,1,0,0,management,medium +0.24,0.58,5,279,4,0,0,0,marketing,medium +0.95,0.78,3,204,2,1,0,0,marketing,medium +0.38,0.54,2,112,3,0,0,0,marketing,medium +0.9,0.78,4,261,2,1,0,0,sales,medium +0.5,0.4,3,180,4,0,0,0,sales,medium +0.68,0.61,3,261,5,0,0,0,sales,medium +0.5,0.78,6,138,3,0,0,0,sales,medium +0.85,0.81,4,164,4,0,0,0,sales,medium +0.95,0.52,3,144,3,0,0,0,sales,medium +0.92,0.92,3,244,2,0,0,0,sales,high +0.83,0.87,5,233,3,0,0,0,sales,low +0.9,0.78,4,225,2,1,0,0,sales,medium +0.21,0.77,6,215,4,0,0,0,sales,medium +0.94,0.86,3,223,4,0,0,0,sales,medium +0.7,0.85,4,232,3,0,0,0,sales,medium +0.54,0.76,3,157,4,0,0,0,sales,low +0.77,0.65,4,268,3,0,0,0,sales,low +0.62,0.49,3,158,2,0,0,0,sales,low +0.93,0.55,5,222,2,0,0,0,sales,low +0.81,0.86,3,210,3,0,0,0,sales,low +0.99,0.79,4,133,2,0,0,0,sales,low +0.78,0.49,3,224,3,0,0,0,sales,low +0.66,0.63,5,264,5,0,0,0,accounting,low +0.9,0.72,5,237,2,0,0,0,accounting,low +0.74,0.53,5,141,2,0,0,0,accounting,low +0.65,0.78,4,238,5,1,0,0,hr,low +0.99,0.52,4,167,3,0,0,0,hr,low +0.83,0.72,4,161,3,0,0,0,hr,low +0.6,0.82,4,194,3,0,0,0,hr,low +0.55,0.93,3,217,3,1,0,0,technical,low +0.96,0.71,3,170,3,0,0,0,technical,low +0.83,0.94,4,243,3,0,0,0,technical,low +0.95,0.7,4,267,3,1,0,0,technical,low +0.77,0.88,2,169,3,0,0,0,technical,medium +0.83,0.95,3,255,3,0,0,0,technical,medium +0.87,0.54,4,211,3,0,0,0,technical,medium +0.69,0.49,3,198,4,0,0,0,technical,medium +0.67,0.58,3,246,3,0,0,0,technical,medium +0.55,0.49,3,146,2,0,0,0,technical,medium +0.55,0.82,4,134,6,0,0,0,technical,medium +0.39,0.48,3,169,3,0,0,0,support,medium +0.51,0.93,5,232,3,0,0,0,support,medium +0.39,0.38,2,106,3,1,0,0,support,medium +0.96,0.93,4,260,3,0,0,0,support,medium +0.68,0.81,3,232,2,0,0,0,support,medium +0.67,0.71,4,173,3,0,0,0,support,high +0.68,0.44,5,152,5,0,0,0,support,low +0.56,0.58,3,173,3,0,0,0,support,medium +0.9,0.7,3,274,3,0,0,0,support,medium +0.69,0.59,3,233,3,0,0,0,support,medium +0.99,0.71,4,232,3,0,0,0,support,medium +0.42,0.59,3,156,2,0,0,0,technical,low +0.28,0.51,3,124,3,0,0,0,technical,low +0.55,0.65,3,207,3,0,0,0,technical,low +0.91,0.53,3,273,6,0,0,0,management,low +0.53,0.98,3,219,4,0,0,0,IT,low +0.87,0.74,4,207,3,0,0,0,IT,low +0.57,0.6,4,248,4,0,0,0,IT,low +0.59,0.77,3,169,3,0,0,0,IT,low +0.76,0.89,4,181,3,0,0,0,IT,low +0.59,0.42,3,196,3,0,0,0,product_mng,low +0.5,0.54,3,254,2,0,0,0,product_mng,low +0.55,0.55,4,191,4,0,0,0,product_mng,low +0.92,0.53,3,238,2,0,0,0,product_mng,low +0.8,0.51,5,196,3,0,0,0,IT,low +0.93,0.66,4,228,3,0,0,0,RandD,low +0.67,0.57,4,165,3,0,0,0,RandD,low +0.78,0.55,3,144,2,0,0,0,RandD,low +0.61,0.7,4,243,3,0,0,0,RandD,low +0.74,0.84,3,206,3,0,0,0,RandD,low +0.5,0.49,3,180,3,1,0,0,marketing,low +0.84,0.96,3,161,2,1,0,0,sales,low +0.89,0.55,4,196,2,0,0,0,accounting,medium +0.77,0.89,5,152,3,0,0,0,support,medium +0.64,0.71,3,231,4,0,0,0,technical,medium +0.77,0.89,2,215,5,1,0,0,management,medium +0.74,0.58,4,233,4,0,0,0,marketing,medium +0.88,0.96,4,155,2,0,0,0,marketing,medium +0.88,0.96,5,182,4,1,0,0,marketing,medium +0.89,0.88,3,165,4,0,0,0,sales,medium +0.74,0.59,2,257,4,1,0,0,sales,medium +0.63,0.74,4,155,2,0,0,0,sales,medium +0.63,0.8,4,243,2,0,0,0,sales,medium +0.68,0.92,2,184,4,0,0,0,sales,medium +0.14,0.81,4,138,3,1,0,0,sales,high +0.86,0.94,5,209,4,0,0,0,sales,low +0.73,0.53,3,205,2,0,0,0,sales,medium +0.57,0.56,3,191,3,0,0,0,sales,medium +0.97,0.75,5,270,3,1,0,0,sales,medium +0.67,0.36,4,97,4,0,0,0,sales,medium +0.89,0.74,4,174,2,0,0,0,sales,low +0.8,0.96,5,124,3,0,0,0,sales,low +0.3,0.51,2,178,3,0,0,0,sales,low +0.14,0.73,5,266,6,0,0,0,sales,low +0.91,0.8,4,181,3,0,0,0,sales,low +0.49,0.81,4,233,3,0,0,0,sales,low +0.57,0.68,3,254,4,0,0,0,sales,low +0.59,0.62,3,219,3,0,0,0,sales,low +0.5,0.7,5,166,2,0,0,0,accounting,low +0.69,0.97,3,158,2,0,0,0,accounting,low +0.81,0.68,3,151,3,0,0,0,accounting,low +0.79,0.82,3,98,3,1,0,0,hr,low +0.55,0.91,4,187,4,1,0,0,hr,low +0.92,0.62,4,266,2,0,0,0,hr,low +0.94,0.59,5,250,3,0,0,0,hr,low +0.67,0.55,5,193,3,0,0,0,technical,low +0.53,0.92,4,223,3,1,0,0,technical,low +0.77,0.59,5,189,5,0,0,0,technical,low +0.57,0.82,5,138,3,0,0,0,technical,low +0.64,0.97,4,268,2,0,0,0,technical,low +0.35,1,6,186,2,0,0,0,technical,low +0.66,0.71,3,136,3,1,0,0,technical,medium +0.59,0.84,4,245,3,0,0,0,technical,medium +0.49,0.93,4,184,3,0,0,0,technical,medium +0.91,0.99,5,152,3,0,0,0,technical,medium +0.12,0.6,2,194,4,0,0,0,technical,medium +0.74,0.68,3,242,5,1,0,0,support,medium +0.84,0.94,4,246,2,1,0,0,support,medium +0.51,0.99,4,211,3,0,0,0,support,medium +0.94,0.71,4,189,3,0,0,0,support,medium +0.74,0.66,3,254,2,0,0,0,support,medium +0.52,0.54,5,239,3,0,0,0,support,medium +0.31,0.92,4,133,6,0,0,0,support,medium +0.72,0.59,3,255,2,0,0,0,support,high +0.92,1,3,212,2,0,0,0,support,low +0.56,0.64,3,270,3,0,0,0,support,medium +0.76,0.45,5,177,6,0,0,0,support,medium +0.59,0.9,4,261,4,0,0,0,technical,medium +0.5,0.74,3,220,3,0,0,0,technical,medium +0.88,0.72,2,144,4,1,0,0,technical,low +0.86,0.49,4,274,2,0,0,0,management,low +0.66,0.99,4,195,3,0,0,0,IT,low +0.7,0.69,4,158,3,0,0,0,IT,low +0.98,0.93,5,145,4,0,0,0,IT,low +0.61,0.73,3,165,3,1,0,0,IT,low +0.57,0.66,4,270,2,0,0,0,IT,low +0.84,0.91,5,208,3,0,0,0,product_mng,low +0.76,0.4,2,245,5,0,0,0,product_mng,medium +0.64,0.99,4,180,4,0,0,0,product_mng,medium +0.87,0.7,5,225,3,0,0,0,product_mng,medium +0.62,0.69,3,261,2,0,0,0,IT,medium +0.16,0.99,3,213,6,1,0,1,RandD,medium +0.83,0.87,3,230,3,0,0,1,RandD,medium +0.36,0.59,2,198,2,0,0,1,RandD,medium +0.47,0.51,6,190,5,0,0,1,RandD,medium +0.54,0.51,4,137,4,0,0,1,RandD,medium +0.83,0.83,3,186,3,1,0,1,marketing,medium +0.96,0.68,4,137,2,0,0,1,sales,medium +0.91,0.74,5,192,3,0,0,1,accounting,medium +0.56,0.59,4,164,3,0,0,1,support,medium +0.73,0.66,6,195,3,0,0,1,technical,medium +0.97,0.63,4,151,3,0,0,1,management,medium +0.75,0.74,5,231,3,0,0,1,marketing,medium +0.49,0.76,3,257,2,1,0,0,marketing,medium +0.57,0.94,4,257,3,0,0,0,marketing,medium +0.41,0.58,5,274,2,1,0,0,sales,medium +0.53,0.7,3,138,2,0,0,0,sales,medium +0.93,0.6,4,184,3,0,0,0,sales,medium +0.58,0.9,3,151,3,0,0,0,sales,medium +0.6,0.54,3,265,3,1,0,0,sales,medium +0.74,0.8,4,241,2,0,0,0,sales,medium +0.62,0.52,3,148,3,0,0,0,sales,medium +0.7,0.76,5,165,3,0,0,0,sales,medium +0.93,0.75,3,243,2,0,0,0,sales,medium +0.75,0.9,4,197,2,0,0,0,sales,medium +0.95,0.48,5,214,6,1,0,1,sales,medium +0.43,0.98,4,164,3,0,0,1,sales,medium +0.77,0.58,4,243,4,1,0,1,sales,medium +0.67,1,4,145,3,1,0,1,sales,medium +0.51,0.72,4,163,4,0,0,1,sales,medium +0.94,0.53,5,257,2,0,0,1,sales,medium +0.9,0.85,3,253,3,0,0,0,sales,medium +0.8,0.78,4,234,3,0,0,0,sales,medium +0.34,0.89,5,266,6,0,0,0,sales,medium +0.45,0.53,3,181,4,1,0,0,accounting,low +0.97,0.66,4,193,4,0,0,0,accounting,low +0.5,0.48,3,163,4,0,0,0,accounting,low +0.89,0.62,5,144,2,0,0,0,hr,low +0.76,0.5,4,245,3,0,0,0,hr,low +0.66,0.84,4,197,2,0,0,0,hr,low +0.74,0.63,3,180,2,0,0,0,hr,low +0.69,0.74,4,237,3,0,0,0,technical,low +0.59,0.57,2,170,3,0,0,0,technical,low +1,0.85,3,150,3,0,0,0,technical,low +0.61,0.75,2,100,4,0,0,0,technical,low +0.98,0.42,5,226,3,0,0,0,technical,low +0.59,0.71,5,222,3,0,0,0,technical,low +0.22,0.69,4,182,6,0,0,0,technical,low +0.71,0.95,3,150,2,0,0,0,technical,low +0.86,0.53,4,244,3,0,0,0,technical,medium +0.65,0.59,5,271,3,0,0,0,technical,medium +0.93,0.67,5,167,3,0,0,0,technical,medium +0.49,0.69,2,128,2,0,0,0,support,medium +0.78,0.77,3,149,4,1,0,0,support,medium +0.62,0.7,4,141,4,0,0,0,support,medium +0.72,0.63,3,149,2,0,0,0,support,medium +0.7,0.56,4,107,6,0,0,0,support,medium +0.54,0.93,5,189,2,0,0,0,support,medium +0.61,0.95,4,169,4,0,0,0,support,medium +0.84,0.95,4,208,3,1,0,0,support,medium +0.8,0.58,3,197,3,0,0,0,support,medium +0.58,0.5,4,225,3,0,0,0,support,high +0.97,0.87,2,175,6,0,0,0,support,high +0.92,0.55,3,172,2,0,0,0,technical,high +0.96,0.51,3,237,4,0,0,0,technical,high +0.73,0.87,4,155,3,1,0,0,technical,high +0.73,0.71,4,148,3,0,0,0,management,high +0.53,0.83,4,246,3,0,0,0,IT,high +0.17,0.82,5,193,5,0,0,0,IT,high +0.75,0.76,5,175,4,0,0,0,IT,low +0.76,0.44,3,121,4,0,0,0,IT,low +0.76,0.77,4,223,3,0,0,0,IT,low +0.92,0.55,3,259,3,0,0,0,product_mng,low +0.82,0.88,4,171,2,0,0,0,product_mng,low +0.38,0.5,2,170,3,0,0,0,product_mng,low +0.49,0.72,4,246,3,0,0,0,product_mng,low +0.53,0.8,3,175,3,0,0,0,IT,low +0.56,0.59,3,185,2,0,0,0,RandD,medium +0.69,0.98,3,168,2,0,0,0,RandD,medium +0.62,0.99,4,171,3,0,0,0,RandD,medium +0.71,0.76,3,201,2,0,0,0,RandD,medium +0.52,1,4,148,3,0,0,0,RandD,medium +0.2,0.53,6,189,4,0,0,0,marketing,medium +0.93,0.61,3,166,3,0,0,0,sales,medium +0.74,0.81,4,150,2,0,0,0,accounting,medium +0.78,0.45,3,253,6,0,0,1,support,medium +0.85,0.79,3,243,2,0,0,1,technical,medium +0.79,0.56,5,250,2,1,0,1,management,medium +0.92,0.91,3,228,2,0,0,1,marketing,medium +0.58,0.97,3,186,3,0,0,1,marketing,medium +0.68,0.72,3,213,3,0,0,1,marketing,medium +0.9,0.67,4,233,3,0,0,1,sales,medium +0.67,0.71,5,265,2,0,0,1,sales,medium +0.79,0.73,4,226,3,0,0,0,sales,medium +0.23,0.48,5,221,6,0,0,0,sales,medium +0.98,0.99,3,253,4,0,0,0,sales,medium +0.8,0.75,3,134,4,0,0,0,sales,medium +0.77,0.84,3,188,4,0,0,0,sales,medium +1,0.91,3,160,4,0,0,0,sales,medium +0.6,0.92,4,164,4,0,0,0,sales,medium +0.49,0.54,6,214,3,0,0,0,sales,high +0.91,0.99,5,228,4,1,0,0,sales,low +0.97,0.52,5,149,3,1,0,0,sales,medium +0.71,0.76,3,175,2,0,0,0,sales,medium +0.62,0.91,3,195,3,0,0,0,sales,medium +0.61,0.92,3,222,4,0,0,0,sales,medium +0.21,0.6,5,249,4,0,0,0,sales,medium +0.64,0.97,2,226,3,1,0,0,sales,medium +0.61,0.65,2,117,2,1,0,0,sales,medium +0.58,0.75,4,255,3,0,0,0,sales,medium +0.41,0.9,6,155,2,0,0,0,accounting,medium +0.98,0.73,5,185,3,0,0,0,accounting,medium +0.5,0.88,4,275,5,0,0,0,accounting,low +0.98,0.61,3,226,2,0,0,0,hr,low +0.4,0.85,4,198,2,0,0,0,hr,low +0.63,0.92,2,198,2,0,0,0,hr,low +0.75,0.53,4,251,3,0,0,0,hr,low +0.82,0.84,3,237,2,0,0,0,technical,low +0.55,0.62,5,197,2,0,0,0,technical,low +0.44,0.36,2,136,3,0,0,0,technical,high +0.92,0.88,3,184,3,1,0,0,technical,low +0.57,0.56,2,159,3,0,0,0,technical,high +0.73,0.86,4,133,3,0,0,0,technical,high +0.82,0.92,5,198,3,0,0,0,technical,low +0.54,0.75,3,260,2,0,0,0,technical,low +0.64,0.95,3,154,4,0,0,0,technical,high +0.99,0.76,4,185,5,0,0,0,technical,low +0.19,0.92,5,193,6,0,0,0,technical,medium +0.86,0.96,4,167,3,0,0,0,support,high +0.65,0.66,5,165,3,0,0,0,support,medium +0.52,0.81,3,253,2,0,0,0,support,medium +0.85,0.49,4,142,3,0,0,0,support,medium +0.61,0.64,5,186,4,0,0,0,support,medium +0.77,0.57,4,203,3,1,0,0,support,high +0.54,0.94,4,217,2,0,0,0,support,medium +0.76,0.74,4,187,3,0,0,0,support,medium +0.79,0.9,3,152,4,0,0,0,support,medium +0.89,0.93,5,150,2,0,0,0,support,high +0.6,0.8,3,191,2,0,0,0,support,medium +0.51,0.58,4,140,3,0,0,0,technical,high +0.2,0.72,5,123,2,1,0,0,technical,low +0.93,0.6,5,170,2,0,0,0,technical,medium +0.77,0.54,3,227,4,0,0,0,management,medium +0.8,0.87,4,220,2,0,0,0,IT,medium +0.8,0.97,5,258,3,0,0,0,IT,medium +0.62,0.92,5,149,3,0,0,0,IT,low +0.79,0.72,4,192,3,0,0,0,IT,low +0.88,0.73,5,267,3,0,0,0,IT,low +0.96,0.73,5,169,3,1,0,0,product_mng,low +0.34,0.69,2,178,3,0,0,0,product_mng,low +0.34,0.65,2,165,4,0,0,0,product_mng,low +0.88,0.85,4,231,3,0,0,0,product_mng,low +0.66,0.61,3,260,3,0,0,0,IT,low +0.55,0.71,4,181,2,1,0,0,RandD,low +0.59,0.51,3,243,2,0,0,0,RandD,low +0.62,0.73,4,191,3,0,0,0,RandD,high +0.78,0.93,3,200,3,0,0,0,RandD,low +0.73,0.75,5,265,3,0,0,0,RandD,low +0.71,0.94,4,246,3,0,0,0,marketing,low +0.97,0.86,3,187,2,0,0,0,sales,low +0.21,0.74,5,141,4,0,0,0,accounting,high +0.52,0.96,4,246,3,0,0,0,support,low +0.73,0.88,4,236,3,1,0,0,technical,low +0.74,0.83,3,170,3,0,0,0,management,low +0.26,0.71,6,189,2,0,0,0,marketing,high +0.52,0.78,4,237,3,0,0,0,marketing,low +0.69,0.54,4,180,3,0,0,0,marketing,medium +0.79,0.59,2,157,6,0,0,0,sales,high +0.93,0.62,4,258,3,0,0,0,sales,medium +0.34,0.87,4,283,2,0,0,0,sales,high +0.77,0.52,4,216,3,0,0,0,sales,medium +0.36,0.73,3,187,3,0,0,0,sales,medium +0.93,0.58,3,215,3,0,0,0,sales,medium +0.7,0.58,3,211,3,0,0,0,sales,medium +0.51,0.49,4,182,2,0,0,0,sales,medium +0.83,0.78,3,165,3,1,0,0,sales,medium +0.89,0.89,4,265,2,0,0,0,sales,medium +0.94,0.59,3,137,2,0,0,0,sales,medium +0.8,0.55,4,269,3,0,0,0,sales,high +0.74,0.66,3,177,2,0,0,0,sales,low +0.5,0.91,3,240,2,0,0,0,sales,medium +0.54,0.84,4,174,2,0,0,0,sales,medium +0.5,0.54,3,134,3,0,0,0,sales,medium +0.17,0.91,2,271,4,0,0,0,sales,medium +0.57,0.53,5,216,2,1,0,0,sales,medium +0.8,0.51,4,213,3,0,0,0,sales,medium +0.45,0.64,5,133,4,0,0,0,accounting,medium +0.87,0.5,4,267,2,1,0,0,accounting,medium +0.98,0.64,3,263,4,0,0,0,accounting,medium +0.55,0.8,4,260,3,0,0,0,hr,high +0.53,0.5,4,185,3,0,0,0,hr,low +0.75,0.48,2,284,6,0,0,0,hr,low +0.96,0.59,3,229,3,0,0,0,hr,low +0.71,0.97,3,189,3,1,0,0,technical,high +0.7,0.63,3,209,3,0,0,0,technical,low +0.33,0.94,4,166,6,0,0,0,technical,low +0.93,0.94,3,183,2,0,0,0,technical,low +0.64,0.65,3,181,2,0,0,0,technical,high +0.27,0.45,3,239,4,0,0,0,technical,low +0.99,0.99,3,158,2,0,0,0,technical,low +0.81,0.62,3,187,3,0,0,0,technical,low +0.6,0.91,4,236,3,0,0,0,technical,low +0.32,0.4,6,162,5,0,0,0,technical,low +0.48,0.68,4,163,2,1,0,0,technical,low +0.87,0.51,4,173,3,0,0,0,support,low +0.91,0.79,5,273,4,1,0,0,support,medium +0.24,0.89,5,142,4,0,0,0,support,medium +0.66,0.56,4,141,4,0,0,0,support,medium +0.94,0.59,3,234,2,0,0,0,support,medium +0.93,0.97,5,255,4,0,0,0,support,medium +0.19,0.55,5,148,4,0,0,0,support,medium +0.88,0.45,5,274,2,1,0,0,support,medium +0.76,0.47,3,223,2,0,0,0,support,medium +0.67,0.64,5,248,3,0,0,0,support,medium +0.54,0.5,4,146,2,0,0,0,support,medium +0.53,0.95,2,101,5,0,0,0,technical,medium +0.67,0.92,4,265,4,0,0,0,technical,medium +0.5,0.38,5,175,4,0,0,0,technical,high +0.49,0.76,4,202,3,0,0,0,management,low +0.82,0.71,3,160,3,0,0,0,IT,medium +0.86,0.71,3,235,3,0,0,0,IT,medium +0.5,0.5,4,267,3,0,0,0,IT,medium +0.82,0.6,3,261,2,1,0,0,IT,medium +0.95,0.78,2,148,2,0,0,0,IT,low +0.64,0.87,3,239,4,0,0,0,product_mng,low +0.91,0.5,3,178,2,0,0,0,product_mng,low +0.79,0.75,2,221,3,0,0,0,product_mng,low +0.83,0.56,4,269,3,0,0,0,product_mng,low +0.66,0.6,3,262,2,1,0,0,IT,low +0.92,0.8,4,263,4,0,0,0,RandD,low +0.59,0.47,5,191,3,0,0,0,RandD,low +0.6,0.83,2,189,2,0,0,0,RandD,low +0.68,0.97,5,207,4,1,0,0,RandD,low +0.58,0.73,3,265,6,0,0,0,RandD,low +0.93,0.77,5,224,2,0,0,0,marketing,low +0.66,0.5,3,229,3,0,0,0,marketing,low +0.8,0.99,3,158,3,0,0,0,sales,low +0.28,0.79,5,202,5,0,0,0,accounting,low +0.84,0.59,4,216,2,0,0,0,support,low +0.86,0.58,4,220,5,0,0,0,technical,low +0.46,0.45,2,172,2,1,0,0,management,low +0.94,0.92,3,187,2,0,0,0,marketing,low +0.8,0.76,3,270,2,1,0,0,marketing,low +0.13,0.63,6,219,6,0,0,0,marketing,low +0.95,0.73,3,243,3,1,0,0,sales,medium +0.93,0.88,4,261,4,0,0,0,sales,medium +0.86,0.81,4,179,3,0,0,0,sales,medium +0.67,0.93,5,133,2,0,0,0,sales,medium +0.73,0.6,4,224,3,0,0,0,sales,medium +0.62,0.92,4,198,2,0,0,0,sales,medium +0.53,0.81,5,135,2,0,0,0,sales,medium +0.68,0.68,3,143,3,0,0,0,sales,medium +0.69,0.55,4,234,2,0,0,0,sales,medium +0.66,0.92,3,177,3,0,0,0,sales,medium +0.98,0.56,5,180,3,0,0,0,sales,medium +0.57,0.39,3,193,6,0,0,0,sales,medium +0.64,0.78,5,148,4,0,0,0,sales,high +0.71,0.58,3,194,4,0,0,0,sales,low +0.94,0.7,3,271,4,0,0,0,sales,medium +0.8,0.85,3,135,2,0,0,0,sales,medium +0.59,0.94,4,136,2,0,0,0,sales,medium +0.95,0.7,6,243,3,0,0,0,sales,medium +1,0.39,2,210,5,0,0,0,sales,low +0.53,0.59,3,163,4,0,0,0,accounting,low +0.35,0.59,5,268,3,0,0,0,accounting,low +0.73,0.66,3,244,3,0,0,0,accounting,low +0.89,0.63,4,164,3,0,0,0,hr,low +0.21,0.93,4,260,3,0,0,0,hr,low +0.21,0.85,5,153,3,0,0,0,hr,low +0.6,0.83,4,216,2,1,0,0,hr,low +0.94,0.69,2,198,3,0,0,0,technical,low +0.92,0.68,4,196,3,1,0,0,technical,low +0.92,0.78,3,218,3,0,0,0,technical,low +0.71,0.98,5,167,3,0,0,0,technical,low +0.69,0.83,4,264,3,0,0,0,technical,low +0.26,0.51,2,284,2,0,0,0,technical,low +0.21,0.78,4,218,6,0,0,0,technical,low +0.36,0.42,2,192,2,0,0,0,technical,low +0.81,0.92,5,255,4,1,0,0,technical,low +0.54,0.88,3,251,2,0,0,0,technical,low +0.63,0.87,5,248,2,0,0,0,technical,low +0.86,0.75,5,157,4,0,0,0,support,low +0.8,0.79,5,240,2,0,0,0,support,low +0.55,0.58,5,262,3,0,0,0,support,medium +0.18,0.6,3,130,2,1,0,0,support,medium +0.88,0.98,3,152,3,0,0,0,support,medium +0.65,0.86,4,256,2,0,0,0,support,medium +0.99,1,3,139,2,0,0,0,support,medium +0.88,0.93,4,195,2,0,0,0,support,medium +0.67,0.59,3,205,5,0,0,0,support,medium +0.53,0.59,4,265,2,0,0,0,support,medium +0.83,0.61,5,246,3,0,0,0,support,medium +0.36,0.71,3,100,3,0,0,0,technical,medium +0.62,0.64,5,150,3,1,0,0,technical,medium +0.72,0.67,4,147,2,0,0,0,technical,medium +0.79,0.54,4,244,3,0,0,0,management,high +1,0.87,4,256,3,0,0,0,IT,low +0.65,0.52,4,266,3,1,0,0,IT,medium +0.84,0.91,3,199,4,0,0,0,IT,medium +0.81,0.59,2,236,3,0,0,0,IT,medium +0.59,0.51,3,203,2,1,0,0,IT,medium +0.78,0.53,3,156,3,0,0,0,product_mng,low +0.22,0.52,5,109,4,0,0,0,product_mng,low +0.96,0.98,5,248,3,0,0,0,product_mng,low +0.85,0.8,4,254,2,0,0,0,product_mng,low +0.12,0.73,6,166,3,0,0,0,IT,low +0.6,0.68,4,264,2,1,0,0,RandD,low +0.93,0.84,5,266,3,0,0,0,RandD,low +0.73,0.86,4,138,2,0,0,0,RandD,low +0.7,0.66,3,151,2,0,0,0,RandD,low +0.18,0.59,4,132,3,0,0,0,RandD,low +0.81,0.6,4,133,3,0,0,0,RandD,low +0.28,0.9,4,275,6,0,0,0,marketing,low +0.74,0.79,3,275,3,0,0,0,sales,low +0.5,0.74,4,272,5,0,0,0,accounting,low +0.83,0.85,4,201,2,1,0,0,support,low +0.55,0.66,3,164,2,0,0,0,technical,low +0.77,0.94,4,224,2,0,0,0,management,low +0.92,0.58,4,201,2,0,0,0,marketing,low +0.59,0.89,5,169,2,1,0,0,marketing,low +0.45,0.72,4,149,3,0,0,0,marketing,low +0.76,0.97,3,271,3,0,0,0,sales,low +0.89,0.69,4,137,3,0,0,0,sales,medium +0.73,0.5,3,208,2,0,0,0,sales,medium +0.65,0.7,3,231,3,0,0,0,sales,medium +0.14,0.96,3,196,5,1,0,0,sales,medium +0.3,0.47,2,159,4,0,0,0,sales,medium +0.53,0.82,5,184,3,0,0,0,sales,medium +0.66,0.89,3,257,3,0,0,0,sales,medium +0.84,0.59,3,234,2,0,0,0,sales,medium +0.74,0.97,3,239,4,1,0,0,sales,medium +0.56,0.4,2,255,3,0,0,0,sales,medium +0.42,0.47,4,146,3,1,0,0,sales,medium +0.29,0.8,5,103,6,0,0,0,sales,medium +0.54,0.72,5,206,4,0,0,0,sales,high +0.8,0.52,3,253,2,1,0,0,sales,low +0.89,0.93,4,245,4,0,0,0,sales,medium +0.92,0.58,3,261,3,1,0,0,sales,medium +0.87,0.68,4,217,3,0,0,0,sales,medium +0.76,0.82,4,172,3,1,0,0,sales,medium +0.64,0.61,3,221,3,0,0,0,accounting,low +0.83,0.57,2,246,5,1,0,0,accounting,low +0.55,0.6,3,145,4,0,0,0,accounting,low +0.83,0.7,5,168,3,0,0,0,hr,low +0.58,0.62,5,184,3,0,0,0,hr,low +0.67,0.97,4,186,3,0,0,0,hr,low +0.65,0.57,3,238,3,0,0,0,hr,low +0.89,0.95,5,203,3,0,0,0,technical,low +0.84,0.5,5,195,3,0,0,0,technical,low +0.5,0.7,5,264,2,0,0,0,technical,low +0.7,0.51,3,256,3,0,0,0,technical,low +0.79,0.83,5,268,3,0,0,0,technical,low +0.19,0.72,6,243,6,1,0,0,technical,low +0.89,0.5,4,136,2,1,0,0,technical,low +0.36,0.6,2,136,6,0,0,0,technical,low +0.62,0.66,5,165,3,0,0,0,technical,low +0.84,0.93,6,166,4,0,0,0,technical,low +0.65,0.87,4,267,2,0,0,0,technical,low +0.65,0.7,4,233,3,0,0,0,support,medium +0.87,0.92,3,141,2,0,0,0,support,medium +0.66,0.73,5,249,2,0,0,0,support,medium +0.83,0.9,3,102,4,0,0,0,support,medium +0.89,0.63,3,268,3,0,0,0,support,medium +0.91,0.97,4,139,3,0,0,0,support,medium +0.91,0.56,3,168,2,0,0,0,support,medium +0.83,0.5,4,259,2,0,0,0,support,medium +0.87,0.82,4,248,2,0,0,0,support,medium +0.62,0.79,3,274,3,0,0,0,support,medium +0.54,1,3,169,2,0,0,0,support,medium +0.84,0.53,5,190,3,0,0,0,technical,medium +0.33,0.82,2,114,5,0,0,0,technical,high +0.79,0.58,4,191,6,0,0,0,technical,low +0.31,0.41,2,263,3,0,0,0,management,medium +0.68,0.81,3,166,2,0,0,0,IT,medium +0.52,0.7,4,247,5,0,0,0,IT,medium +0.54,0.64,3,203,4,0,0,0,IT,medium +0.73,0.78,4,181,4,0,0,0,IT,low +0.49,0.74,3,229,3,1,0,0,IT,low +0.37,0.67,2,159,2,0,0,0,product_mng,low +0.53,0.84,3,151,3,0,0,0,product_mng,low +0.58,0.75,4,222,3,1,0,0,product_mng,low +0.2,0.51,2,163,2,0,0,0,product_mng,low +0.91,0.6,4,163,5,0,0,0,IT,low +0.53,0.78,2,138,2,0,0,0,RandD,low +0.99,0.72,4,136,3,0,0,0,RandD,low +0.97,0.87,3,207,4,0,0,0,RandD,low +0.18,0.93,3,245,4,1,0,0,RandD,low +0.83,0.93,6,130,5,0,0,0,RandD,low +0.49,0.47,4,285,3,0,0,0,RandD,low +0.74,0.93,3,204,4,0,0,0,marketing,low +0.7,0.6,3,183,3,0,0,0,sales,low +0.97,0.91,3,246,2,0,0,0,accounting,low +0.92,0.91,3,250,4,0,0,0,support,low +0.94,0.7,3,176,3,0,0,0,technical,low +1,0.98,3,177,2,0,0,0,management,low +0.5,0.51,3,169,4,0,0,0,marketing,low +0.77,0.89,3,142,3,0,0,0,marketing,low +0.68,0.71,5,135,4,1,0,0,marketing,medium +0.57,0.43,3,167,3,0,0,0,sales,medium +0.57,0.61,5,191,4,0,0,0,sales,medium +0.48,0.97,3,224,6,0,0,0,sales,medium +0.7,0.95,5,234,6,1,0,0,sales,medium +0.68,0.43,3,161,2,1,0,0,sales,medium +0.62,0.68,3,124,3,0,0,0,sales,medium +0.61,0.51,4,242,3,0,0,0,sales,medium +0.83,0.77,2,186,2,0,0,0,sales,medium +0.99,0.8,5,254,5,0,0,0,sales,medium +0.58,0.72,4,170,2,0,0,0,sales,medium +0.93,0.83,4,225,2,0,0,0,sales,medium +0.66,0.5,4,263,3,0,0,0,sales,high +0.52,0.98,4,148,3,0,0,0,sales,low +0.5,0.6,5,216,3,0,0,0,sales,medium +0.16,0.7,5,257,4,0,0,0,sales,medium +0.62,0.74,4,173,2,0,0,0,sales,medium +0.49,0.49,6,188,3,0,0,0,sales,medium +0.56,0.91,4,188,2,1,0,0,sales,low +0.96,0.59,4,108,6,0,0,0,sales,low +0.5,0.75,5,179,3,0,0,0,accounting,low +0.99,0.99,4,195,2,0,0,0,accounting,low +0.54,0.51,3,265,3,0,0,0,accounting,low +0.52,0.9,4,285,2,0,0,0,hr,low +0.81,0.99,5,202,4,0,0,0,hr,low +0.5,0.73,4,271,2,0,0,0,hr,low +0.51,0.88,3,202,4,0,0,0,hr,low +0.41,0.47,6,171,2,0,0,0,technical,low +0.62,0.72,2,180,2,1,0,0,technical,low +0.56,0.68,3,269,3,1,0,0,technical,low +0.96,0.75,3,231,3,0,0,0,technical,low +0.58,0.64,2,249,2,0,0,0,technical,low +0.66,0.75,3,228,2,0,0,0,technical,low +0.56,0.75,2,264,2,0,0,0,technical,low +0.56,0.93,4,210,3,1,0,0,technical,low +0.67,0.91,3,256,3,0,0,0,technical,low +0.72,0.71,5,137,3,0,0,0,technical,low +0.59,0.79,4,272,3,0,0,0,technical,low +0.95,0.55,5,185,2,0,0,0,support,low +1,0.93,3,264,4,0,0,0,support,medium +0.56,0.64,3,238,3,0,0,0,support,medium +0.52,0.49,4,98,3,0,0,0,support,medium +0.88,0.9,4,248,2,0,0,0,support,medium +0.58,0.84,4,271,2,0,0,0,support,medium +0.86,0.92,3,180,2,0,0,0,support,medium +0.19,0.64,5,181,4,1,0,0,support,medium +0.6,0.6,4,182,3,0,0,0,support,medium +0.82,0.87,3,204,4,0,0,0,support,medium +0.64,0.75,4,170,3,0,0,0,support,medium +0.83,0.67,4,139,3,0,0,0,technical,medium +0.57,0.75,3,159,2,0,0,0,technical,medium +0.98,0.92,3,254,3,0,0,0,technical,high +0.54,0.69,4,168,2,0,0,0,management,low +0.72,0.66,3,256,2,0,0,0,IT,medium +0.89,0.87,4,209,2,0,0,0,IT,medium +0.41,0.57,3,193,3,1,0,0,IT,medium +0.93,0.62,4,142,2,0,0,0,IT,medium +0.9,0.9,3,274,3,0,0,0,IT,low +0.38,0.59,4,276,2,0,0,0,product_mng,low +0.52,0.88,4,155,3,1,0,0,product_mng,low +0.99,0.72,3,220,2,1,0,0,product_mng,low +0.69,0.74,2,271,2,0,0,0,product_mng,low +0.76,0.76,5,175,3,0,0,0,IT,low +0.42,0.46,3,128,2,1,0,0,RandD,low +0.78,0.9,4,104,4,0,0,0,RandD,low +0.37,0.46,3,173,6,0,0,0,RandD,medium +0.89,0.39,6,190,3,1,0,0,RandD,medium +0.93,0.49,5,167,3,0,0,0,RandD,medium +0.98,0.56,3,187,3,0,0,0,RandD,medium +0.65,0.56,3,259,3,0,0,0,marketing,medium +0.3,0.61,3,138,5,0,0,0,sales,medium +0.97,1,5,251,2,0,0,0,accounting,medium +0.84,0.49,5,189,2,0,0,0,support,medium +0.76,0.76,4,149,3,0,0,0,technical,medium +0.5,0.74,4,246,3,0,0,0,management,medium +0.48,0.61,3,146,3,0,0,0,marketing,medium +0.56,0.63,4,204,4,0,0,0,marketing,medium +0.99,0.77,4,184,3,0,0,0,marketing,medium +0.65,0.94,4,174,3,0,0,0,sales,medium +0.92,0.81,3,196,2,0,0,0,sales,medium +0.88,0.76,3,223,3,0,0,0,sales,medium +0.99,0.86,3,198,3,0,0,0,sales,medium +0.96,0.93,5,141,2,1,0,0,sales,medium +0.55,0.85,4,273,2,0,0,0,sales,medium +0.71,0.94,4,209,3,0,0,0,sales,medium +0.72,0.68,3,135,4,0,0,0,sales,medium +0.23,0.5,5,100,3,0,0,0,sales,medium +0.78,0.61,3,193,3,0,0,0,sales,medium +0.82,0.61,3,229,2,0,0,0,sales,medium +0.49,0.74,4,104,4,0,0,0,sales,medium +0.96,0.82,4,201,2,0,0,0,sales,high +0.5,0.78,3,206,3,1,0,1,sales,high +0.98,0.57,5,141,3,0,0,1,sales,high +0.85,0.57,4,150,3,0,0,1,sales,high +0.72,0.75,3,166,3,0,0,1,sales,high +0.78,0.83,4,252,2,0,0,1,sales,high +0.62,0.43,2,106,2,0,0,1,sales,high +0.64,0.38,5,171,6,1,0,1,accounting,high +0.24,0.5,4,232,3,0,0,1,accounting,high +0.84,0.78,5,172,2,0,0,1,accounting,high +0.61,0.61,4,239,2,0,0,1,hr,high +0.79,0.71,4,222,3,0,0,1,hr,high +0.86,0.77,3,152,3,0,0,1,hr,low +0.7,0.54,3,198,3,1,0,1,hr,low +0.53,0.76,5,143,4,0,0,1,technical,low +0.58,0.88,3,157,4,0,0,1,technical,low +0.45,0.55,5,268,2,0,0,0,technical,low +0.86,0.87,4,183,3,0,0,0,technical,low +0.95,0.81,4,238,2,0,0,0,technical,low +0.51,0.84,4,214,2,0,0,0,technical,low +0.35,0.41,6,244,3,0,0,0,technical,low +0.99,0.57,3,221,3,0,0,0,technical,low +0.73,0.49,4,200,2,1,0,0,technical,low +0.44,0.48,2,226,3,0,0,0,technical,low +0.43,0.74,4,121,5,1,0,0,technical,low +0.81,0.77,5,249,2,0,0,0,support,low +0.77,0.83,3,204,3,0,0,0,support,low +0.52,0.86,5,256,3,0,0,0,support,medium +0.21,0.92,2,211,2,0,0,0,support,medium +0.88,0.93,3,162,3,0,0,0,support,medium +0.48,0.8,5,235,2,0,0,0,support,medium +0.21,0.63,5,226,3,0,0,0,support,medium +0.81,0.53,4,242,3,0,0,0,support,medium +0.38,0.77,3,173,5,0,0,0,support,medium +0.67,0.77,5,167,2,0,0,0,support,medium +0.87,0.94,4,256,2,0,0,0,support,medium +0.85,0.41,2,229,6,0,0,0,technical,medium +0.52,0.9,5,176,3,0,0,0,technical,medium +0.9,0.95,3,133,4,0,0,0,technical,medium +0.85,0.56,5,203,3,0,0,0,management,high +0.77,0.52,3,210,3,1,0,0,IT,high +0.61,0.97,4,198,2,0,0,0,IT,high +0.74,0.54,3,175,3,1,0,0,IT,high +0.56,0.85,5,245,3,0,0,0,IT,high +0.28,0.97,4,102,3,0,0,0,IT,high +0.86,0.68,2,192,3,0,0,0,product_mng,high +0.63,0.78,4,160,2,0,0,0,product_mng,high +0.85,0.96,3,211,2,0,0,0,product_mng,low +0.84,0.84,6,261,5,0,0,0,product_mng,low +0.98,0.6,4,191,3,0,0,0,IT,low +0.51,0.78,5,225,4,0,0,0,RandD,low +0.71,0.85,4,157,2,0,0,0,RandD,low +0.88,0.69,3,248,4,0,0,0,RandD,low +0.16,0.81,2,159,6,1,0,0,RandD,low +0.98,0.86,4,254,2,1,0,0,RandD,low +0.81,0.76,3,203,3,0,0,0,RandD,medium +0.17,0.79,2,126,5,0,0,0,marketing,medium +0.22,0.65,6,212,4,0,0,0,sales,medium +0.67,0.69,5,225,3,0,0,0,accounting,medium +0.72,0.83,5,193,2,0,0,0,support,medium +0.67,0.91,3,147,3,0,0,0,technical,medium +0.47,0.55,2,156,2,0,0,0,management,medium +0.51,0.75,3,234,2,1,0,0,marketing,medium +0.88,0.71,5,246,3,0,0,0,marketing,medium +0.48,0.94,4,231,4,0,0,0,marketing,medium +0.66,0.99,4,209,3,0,0,0,sales,medium +0.58,0.5,3,144,3,0,0,0,sales,medium +0.23,0.96,2,234,4,0,0,0,sales,medium +0.86,0.77,5,230,2,0,0,0,sales,medium +0.81,0.99,2,156,5,0,0,0,sales,medium +0.75,0.54,6,138,4,1,0,0,sales,medium +0.49,0.89,2,233,4,1,0,0,sales,medium +0.31,0.5,3,262,5,0,0,0,sales,medium +0.83,0.75,6,215,5,0,0,0,sales,medium +0.7,0.55,4,227,3,0,0,0,sales,medium +0.49,0.99,3,199,3,0,0,0,sales,medium +0.57,0.92,3,238,2,0,0,0,sales,medium +0.37,0.45,6,100,5,1,0,0,sales,medium +0.69,0.75,3,179,2,1,0,0,sales,high +0.62,0.98,4,107,2,0,0,0,sales,low +0.5,0.68,4,274,4,0,0,0,sales,medium +0.81,0.73,4,272,2,0,0,0,sales,medium +0.2,0.41,6,264,3,0,0,0,sales,medium +0.22,0.58,2,255,5,0,0,0,sales,medium +0.63,0.79,5,215,2,1,0,0,accounting,medium +0.68,0.53,3,156,4,0,0,0,accounting,medium +0.52,0.49,3,146,2,1,0,0,accounting,medium +0.22,0.52,6,217,6,0,0,0,hr,medium +0.51,0.82,3,206,4,0,0,0,hr,medium +0.66,0.92,4,239,3,0,0,0,hr,medium +0.26,0.37,2,232,3,1,0,0,hr,low +0.42,0.4,3,160,2,0,0,0,technical,low +0.86,0.77,5,237,3,1,0,0,technical,low +0.52,0.68,3,162,4,1,0,0,technical,low +0.95,0.64,3,138,4,1,0,0,technical,low +0.63,0.94,2,228,2,1,0,0,technical,low +1,0.54,3,151,2,1,0,0,technical,low +0.54,0.58,3,169,2,1,0,0,technical,high +0.9,0.7,3,147,4,0,0,0,technical,low +0.49,0.99,6,205,5,0,0,0,technical,high +0.81,0.6,3,140,2,0,0,0,technical,high +0.5,0.66,4,150,4,0,0,0,technical,low +0.7,0.88,4,191,3,1,0,0,support,low +0.5,0.85,4,150,2,0,0,0,support,high +0.98,0.66,2,255,3,0,0,0,support,low +0.86,0.51,3,230,3,0,0,0,support,medium +0.93,0.77,3,202,5,0,0,0,support,high +0.62,0.75,3,180,3,0,0,0,support,medium +0.64,0.57,3,179,3,0,0,0,support,medium +0.66,0.94,4,198,3,1,0,0,support,medium +0.65,0.86,4,267,2,0,0,0,support,medium +0.89,0.84,3,166,2,0,0,0,support,high +0.77,0.58,4,162,2,0,0,0,support,medium +0.4,0.36,4,128,4,0,0,0,technical,medium +0.36,0.44,4,114,4,0,0,0,technical,medium +0.3,0.48,2,104,2,0,0,0,technical,high +0.9,0.64,4,139,3,1,0,0,management,medium +0.23,0.49,5,214,5,0,0,0,IT,high +0.24,0.79,2,175,5,0,0,0,IT,low +0.98,0.92,4,175,2,0,0,0,IT,medium +0.49,0.48,2,186,2,0,0,0,IT,medium +0.23,0.48,3,139,4,0,0,0,IT,medium +0.79,0.71,3,202,3,0,0,0,product_mng,medium +0.21,0.76,4,165,6,1,0,0,product_mng,low +0.38,0.92,5,238,2,0,0,0,product_mng,low +0.17,0.59,4,179,4,0,0,0,product_mng,low +0.56,0.69,5,239,2,1,0,0,IT,low +0.97,0.7,5,195,2,1,0,0,RandD,low +0.22,0.78,6,206,6,0,0,0,RandD,low +0.84,0.88,3,194,3,0,0,0,RandD,low +0.64,0.63,5,105,5,1,0,0,RandD,low +0.78,0.69,5,256,3,0,0,0,RandD,low +0.23,0.4,6,110,4,1,0,0,marketing,low +0.99,0.82,6,185,4,1,0,0,sales,high +0.15,0.76,4,255,6,0,0,0,accounting,low +0.24,0.96,3,174,6,0,0,0,support,low +0.84,0.71,4,273,3,0,0,0,technical,low +0.82,0.58,2,248,6,0,0,0,management,low +0.17,0.86,3,286,6,0,0,0,marketing,high +0.72,0.71,5,248,2,0,0,0,marketing,low +0.86,0.91,3,234,3,1,0,0,marketing,low +0.75,0.55,3,162,3,0,0,0,sales,low +0.93,0.82,5,272,3,0,0,0,sales,high +0.75,0.52,3,260,3,1,0,0,sales,low +0.45,0.55,3,151,3,0,0,0,sales,medium +0.44,0.87,2,140,4,0,0,0,sales,high +0.55,0.9,5,237,3,0,0,0,sales,medium +0.78,0.56,5,252,2,0,0,0,sales,high +0.5,0.52,4,178,3,0,0,0,sales,medium +0.96,0.66,4,268,3,0,0,0,sales,medium +0.72,0.53,5,244,4,0,0,0,sales,medium +0.77,0.55,3,225,3,0,0,0,sales,medium +0.89,0.94,5,223,3,0,0,0,sales,medium +0.58,0.79,4,149,6,0,0,0,sales,medium +0.75,0.96,5,190,3,0,0,0,sales,medium +0.77,0.8,4,167,3,0,0,0,sales,medium +0.76,0.87,4,161,3,0,0,0,sales,high +0.87,0.76,4,218,2,0,0,0,sales,low +0.95,0.74,3,212,3,0,0,0,sales,medium +0.73,0.54,3,150,3,0,0,0,sales,medium +0.2,0.56,5,181,6,0,0,0,accounting,medium +0.55,0.43,3,120,6,1,0,0,accounting,medium +0.21,0.53,3,229,5,0,0,0,accounting,medium +0.91,0.74,3,139,5,1,0,0,hr,medium +0.61,0.87,4,151,3,0,0,0,hr,medium +0.89,0.59,4,230,3,0,0,0,hr,medium +0.65,0.76,4,193,2,0,0,0,hr,medium +0.7,0.48,4,229,2,0,0,0,technical,high +0.79,0.95,3,222,4,0,0,0,technical,low +0.99,0.67,3,200,2,0,0,0,technical,low +0.52,0.77,4,134,4,0,0,0,technical,low +0.71,0.97,3,219,3,0,0,0,technical,high +0.21,0.58,5,197,4,0,0,0,technical,low +0.4,0.62,3,283,5,0,0,0,technical,low +0.74,0.75,4,149,3,0,0,0,technical,low +0.79,0.6,4,161,3,0,0,0,technical,high +0.88,0.58,5,264,3,0,0,0,technical,low +0.89,0.93,4,137,2,0,0,0,technical,low +0.61,0.72,3,144,2,0,0,0,support,low +0.48,0.54,4,105,5,1,0,0,support,low +0.81,0.98,6,196,2,0,0,0,support,low +0.71,0.74,3,250,3,0,0,0,support,low +0.92,0.53,3,253,3,0,0,0,support,low +0.99,0.71,4,199,4,0,0,0,support,medium +0.74,0.55,6,130,2,0,0,0,support,medium +1,0.94,3,257,4,0,0,0,support,medium +0.81,0.55,3,127,4,0,0,0,support,medium +0.59,0.7,2,153,2,0,0,0,support,medium +0.9,0.58,5,260,2,0,0,0,support,medium +0.98,0.9,4,247,2,0,0,0,technical,medium +0.56,0.55,3,250,4,0,0,0,technical,medium +0.86,0.89,4,136,4,0,0,0,technical,medium +0.82,0.59,3,210,3,0,0,0,management,medium +0.94,0.53,4,183,3,0,0,0,IT,medium +0.68,0.96,4,255,3,0,0,0,IT,medium +0.81,0.69,5,109,2,0,0,0,IT,high +0.59,0.59,3,173,3,0,0,0,IT,low +0.54,0.82,4,266,2,0,0,0,IT,medium +0.77,0.87,5,257,2,0,0,0,product_mng,medium +0.62,0.61,6,103,4,0,0,0,product_mng,medium +0.58,0.57,5,105,6,0,0,0,product_mng,medium +0.63,0.84,3,269,2,0,0,0,product_mng,low +0.78,1,4,154,2,0,0,0,IT,low +0.82,0.78,5,232,3,0,0,0,RandD,low +0.73,0.86,3,215,4,0,0,0,RandD,low +0.53,0.74,4,272,2,1,0,0,RandD,low +0.88,0.62,4,221,2,0,0,0,RandD,low +0.65,0.6,4,200,4,0,0,0,RandD,low +0.57,0.61,5,254,5,0,0,0,marketing,low +0.93,0.76,5,187,3,0,0,0,marketing,low +0.83,0.64,2,192,2,0,0,0,sales,low +0.73,0.45,5,232,4,0,0,0,accounting,low +0.78,0.67,4,221,3,1,0,0,support,low +0.9,0.62,3,233,5,1,0,0,technical,low +0.59,0.66,3,166,3,1,0,0,management,low +0.67,0.89,2,173,3,0,0,0,marketing,low +0.59,0.51,4,184,2,0,0,0,marketing,low +0.53,0.54,4,257,3,1,0,0,marketing,low +0.56,0.73,4,226,2,0,0,0,sales,low +0.72,0.89,3,221,3,0,0,0,sales,low +0.81,0.49,2,205,5,1,0,0,sales,low +0.54,0.68,3,158,3,0,0,0,sales,low +0.91,0.87,3,199,3,0,0,0,sales,medium +0.51,0.96,3,192,3,0,0,0,sales,medium +0.59,0.39,4,190,5,0,0,0,sales,medium +0.64,0.86,5,222,3,0,0,0,sales,medium +0.95,0.68,5,225,3,0,0,0,sales,medium +0.75,0.69,3,274,2,0,0,0,sales,medium +0.44,0.38,3,197,2,0,0,0,sales,medium +0.55,0.6,4,176,3,0,0,0,sales,medium +0.6,0.81,3,226,2,0,0,0,sales,medium +0.84,0.58,5,186,2,0,0,0,sales,medium +0.49,0.65,3,226,3,0,0,0,sales,medium +0.75,0.71,4,209,3,0,0,0,sales,medium +0.35,0.81,5,182,5,0,0,0,sales,high +0.68,0.78,3,232,3,0,0,0,sales,low +0.52,0.53,2,286,3,0,0,0,sales,medium +0.78,0.57,3,177,3,0,0,0,accounting,medium +0.44,0.92,6,268,4,1,0,0,accounting,medium +0.18,0.86,5,267,4,0,0,0,accounting,medium +0.37,0.52,4,211,4,0,0,0,hr,low +0.71,0.76,3,246,3,0,0,0,hr,low +0.55,0.83,5,220,3,0,0,0,hr,low +0.98,0.78,3,197,2,0,0,0,hr,low +0.88,0.53,3,188,3,0,0,0,technical,low +0.79,0.9,5,212,5,0,0,0,technical,low +0.96,0.66,3,230,3,0,0,0,technical,low +0.3,0.55,6,178,2,0,0,0,technical,low +0.59,0.9,4,226,2,0,0,0,technical,low +0.72,0.55,4,202,3,0,0,0,technical,low +0.59,0.87,4,191,2,0,0,0,technical,low +0.93,0.68,2,150,3,0,0,0,technical,low +0.49,0.86,5,235,5,0,0,0,technical,low +0.73,0.95,3,258,3,0,0,0,technical,low +0.53,0.6,5,247,3,0,0,0,technical,low +0.77,0.83,6,271,3,0,0,0,support,low +0.45,0.62,6,129,5,0,0,0,support,low +0.95,0.78,5,246,3,0,0,0,support,low +0.86,0.69,5,157,4,0,0,0,support,low +0.59,0.58,4,233,4,0,0,0,support,low +0.95,0.63,4,153,3,0,0,0,support,low +0.7,0.92,4,142,2,1,0,0,support,medium +0.56,0.64,5,241,3,1,0,0,support,medium +0.5,0.92,3,186,2,0,0,0,support,medium +0.76,0.92,4,154,3,0,0,0,support,medium +0.85,0.77,5,263,3,0,0,0,support,medium +0.98,1,5,150,3,0,0,0,technical,medium +0.65,0.4,2,277,2,0,0,0,technical,medium +0.44,0.97,4,240,5,1,0,0,technical,medium +0.55,0.97,3,222,2,0,0,0,management,medium +0.16,0.8,4,140,5,1,0,0,IT,medium +0.16,0.9,6,213,2,0,0,0,IT,medium +0.75,1,4,272,4,1,0,0,IT,medium +0.59,0.57,4,261,2,0,0,0,IT,high +0.48,0.87,3,236,2,0,0,0,IT,low +0.18,0.68,6,154,5,0,0,0,product_mng,medium +0.8,0.72,3,271,2,0,0,0,product_mng,medium +0.8,0.88,3,154,2,0,0,0,product_mng,medium +0.15,0.52,4,207,4,0,0,0,product_mng,medium +0.62,0.86,4,181,2,0,0,0,IT,low +0.21,0.99,6,165,4,1,0,0,RandD,low +0.9,0.82,3,203,2,0,0,0,RandD,low +0.51,1,4,197,2,0,0,0,RandD,low +0.99,0.9,4,177,3,0,0,0,RandD,low +0.71,0.49,4,273,2,1,0,0,RandD,low +0.89,0.93,4,141,2,0,0,0,marketing,low +0.74,0.67,4,158,3,0,0,0,sales,low +0.84,0.85,3,243,2,0,0,0,accounting,low +0.4,0.64,3,188,3,0,0,0,support,low +1,0.71,4,216,2,0,0,0,technical,low +0.48,0.51,5,286,3,0,0,0,management,low +0.99,0.6,3,262,2,0,0,0,marketing,low +0.73,0.81,5,173,3,0,0,0,marketing,low +0.84,0.91,3,247,4,0,0,0,marketing,low +0.55,0.7,3,237,4,0,0,0,sales,low +0.44,0.99,5,119,2,0,0,0,sales,low +0.95,0.67,4,227,3,0,0,0,sales,low +0.76,0.65,4,195,3,0,0,0,sales,low +0.94,0.7,6,217,5,0,0,0,sales,low +0.85,0.5,4,267,3,0,0,0,sales,low +0.57,0.62,3,154,2,0,0,0,sales,medium +0.67,0.49,5,161,2,0,0,0,sales,medium +0.7,0.67,3,179,3,1,0,0,sales,medium +0.67,0.55,4,214,3,1,0,0,sales,medium +0.72,0.84,3,167,3,0,0,0,sales,medium +0.71,0.53,6,203,3,0,0,0,sales,medium +0.51,0.8,4,231,3,0,0,0,sales,medium +0.98,0.65,4,263,2,1,0,0,sales,medium +0.52,0.83,2,227,4,0,0,0,sales,medium +0.21,0.9,4,235,4,0,0,0,sales,medium +0.43,0.93,6,127,3,1,0,0,sales,medium +0.91,0.62,4,158,3,1,0,0,sales,medium +0.74,0.85,4,105,5,0,0,0,sales,high +0.34,0.81,3,257,5,0,0,0,accounting,low +0.28,0.46,4,260,2,0,0,0,accounting,medium +0.7,0.79,6,145,3,0,0,0,accounting,medium +0.53,0.59,2,201,3,1,0,0,hr,medium +0.97,0.51,4,241,4,0,0,0,hr,medium +0.96,0.59,3,214,2,0,0,0,hr,low +0.74,0.53,4,166,3,0,0,0,hr,low +0.79,0.86,4,173,4,0,0,0,technical,low +0.61,0.47,4,181,5,0,0,0,technical,low +0.36,0.4,4,114,4,1,0,0,technical,low +0.15,0.91,5,267,4,0,0,0,technical,low +0.61,0.5,4,216,2,0,0,0,technical,low +0.59,0.94,4,265,3,0,0,0,technical,low +0.58,0.77,5,272,2,1,0,0,technical,low +0.49,0.92,4,229,2,0,0,0,technical,low +0.92,0.96,5,174,3,1,0,0,technical,low +0.72,0.92,3,264,3,0,0,0,technical,low +0.77,0.85,5,221,5,0,0,0,technical,low +0.6,0.57,3,202,3,0,0,0,support,low +0.21,0.4,3,262,3,0,0,0,support,low +0.83,0.75,3,150,3,0,0,0,support,low +0.71,0.95,3,251,3,0,0,0,support,low +0.94,0.46,2,230,2,1,0,0,support,low +0.59,0.99,3,185,2,0,0,0,support,medium +0.59,0.59,4,216,2,1,0,0,support,medium +0.99,0.68,3,181,3,1,0,0,support,medium +0.64,0.7,5,140,4,0,0,0,support,medium +0.54,0.5,4,160,3,0,0,0,support,medium +0.78,0.63,3,192,2,0,0,0,support,medium +0.7,0.79,6,257,4,0,0,0,technical,medium +0.9,0.62,5,236,6,0,0,0,technical,medium +0.14,0.74,6,160,5,0,0,0,technical,medium +0.33,0.69,3,125,3,0,0,0,management,medium +0.73,0.53,4,139,2,0,0,0,IT,medium +0.8,0.87,4,217,3,0,0,0,IT,medium +0.17,0.91,6,246,5,0,0,0,IT,high +0.34,0.91,4,284,4,0,0,0,IT,low +0.61,0.9,3,263,3,0,0,0,IT,medium +0.18,0.95,4,241,6,0,0,0,product_mng,medium +0.72,0.94,3,258,3,0,0,0,product_mng,medium +0.32,0.79,4,136,3,0,0,0,product_mng,medium +0.85,0.81,2,223,3,1,0,0,product_mng,low +0.85,0.74,5,170,4,0,0,0,IT,low +0.8,0.81,4,194,3,1,0,0,RandD,low +0.36,0.82,4,218,5,0,0,0,RandD,low +0.8,0.99,6,178,5,0,0,0,RandD,low +0.55,0.9,3,181,3,1,0,0,RandD,low +0.69,0.56,3,183,4,1,0,0,RandD,low +0.71,0.61,2,198,2,1,0,0,marketing,low +0.74,0.56,3,203,3,0,0,0,sales,low +0.76,0.89,5,204,3,0,0,0,accounting,low +0.81,0.62,3,257,3,0,0,0,support,low +0.59,1,4,169,2,0,0,0,technical,low +0.97,0.69,4,203,2,0,0,0,management,low +0.98,0.74,4,260,2,1,0,0,marketing,low +0.96,0.87,5,202,2,0,0,0,marketing,low +0.82,0.63,4,199,2,0,0,0,marketing,low +0.97,0.93,2,270,4,0,0,0,sales,low +0.74,0.51,5,258,2,0,0,0,sales,low +0.14,0.52,4,108,6,0,0,0,sales,low +0.3,0.67,3,232,3,0,0,0,sales,low +0.74,0.89,4,149,2,0,0,0,sales,low +0.85,0.48,4,214,3,0,0,0,sales,medium +0.69,0.65,4,136,2,0,0,0,sales,medium +0.6,0.95,4,164,4,0,0,0,sales,medium +0.53,0.85,3,236,6,0,0,0,sales,medium +0.94,0.88,3,270,3,0,0,0,sales,medium +0.57,0.63,5,156,4,0,0,0,sales,medium +0.2,0.73,3,250,5,0,0,0,sales,medium +0.82,0.92,4,196,3,0,0,0,sales,medium +0.62,0.92,5,169,2,0,0,0,sales,medium +0.88,0.59,2,144,3,0,0,0,sales,medium +0.82,0.62,4,160,3,0,0,0,sales,medium +0.62,0.91,3,142,6,1,0,0,sales,medium +0.74,0.48,5,165,2,0,0,0,sales,high +0.91,0.66,4,163,3,0,0,0,sales,low +0.7,0.96,3,263,3,0,0,0,accounting,medium +0.84,0.9,3,178,2,0,0,0,accounting,medium +0.35,0.57,3,109,3,0,0,0,accounting,medium +0.28,0.83,4,206,5,0,0,0,hr,medium +0.37,0.37,3,168,3,0,0,0,hr,low +0.75,0.5,4,155,2,1,0,0,hr,low +0.34,0.6,4,154,2,0,0,0,hr,low +0.55,0.5,4,179,3,0,0,0,technical,low +0.97,0.92,3,168,3,0,0,0,technical,low +0.91,0.57,3,158,3,0,0,0,technical,low +0.48,0.63,3,180,2,1,0,0,technical,low +0.53,0.71,4,227,3,0,0,0,technical,low +0.84,0.67,3,139,2,0,0,0,technical,low +0.31,0.69,3,120,3,0,0,0,technical,low +0.81,0.62,4,255,4,1,0,0,technical,low +0.78,0.95,5,273,2,0,0,0,technical,low +0.64,0.68,3,272,3,0,0,0,technical,low +0.41,0.77,4,231,6,0,0,0,technical,low +0.74,0.81,5,281,3,1,0,0,support,low +0.89,0.86,3,208,3,0,0,0,support,low +0.26,0.43,4,215,4,1,0,0,support,low +0.72,0.39,5,111,5,0,0,0,support,low +0.84,0.74,2,168,3,0,0,0,support,low +0.52,0.8,2,144,4,0,0,0,support,low +0.65,0.95,3,266,3,1,0,0,support,low +0.66,0.56,3,169,2,1,0,0,support,medium +0.86,0.63,4,162,2,0,0,0,support,medium +0.91,0.9,3,243,3,0,0,0,support,medium +0.84,0.6,3,186,3,1,0,0,support,medium +0.87,0.57,4,231,4,0,0,0,technical,medium +0.57,0.54,4,167,3,0,0,0,technical,medium +0.68,0.5,3,139,3,0,0,0,technical,medium +1,0.59,5,182,3,1,0,0,management,medium +0.86,0.74,4,261,2,0,0,0,IT,medium +0.7,0.99,4,248,3,0,0,0,IT,medium +0.28,0.7,2,164,4,0,0,0,IT,medium +0.84,0.9,3,230,3,0,0,0,IT,medium +0.68,0.92,3,226,2,0,0,0,IT,high +0.45,0.6,2,98,3,0,0,0,product_mng,low +0.37,0.74,5,117,3,0,0,0,product_mng,medium +0.98,0.84,4,200,2,0,0,0,product_mng,medium +0.67,0.57,3,206,3,1,0,0,product_mng,medium +0.74,0.83,4,142,3,0,0,0,IT,medium +0.48,0.46,2,174,3,0,0,0,RandD,low +0.22,0.63,5,284,6,0,0,0,RandD,low +0.14,0.79,5,163,6,0,0,0,RandD,low +0.93,0.92,5,189,2,0,0,0,RandD,low +0.83,0.54,4,189,4,0,0,0,RandD,low +0.94,0.79,3,256,3,0,0,0,marketing,low +0.7,0.98,3,215,2,0,0,0,sales,low +0.74,0.86,4,221,2,1,0,0,accounting,low +0.83,0.85,4,263,3,0,0,0,support,medium +0.97,0.61,3,208,3,0,0,0,technical,medium +0.61,0.71,3,216,4,0,0,0,management,medium +0.77,0.71,2,242,2,0,0,0,marketing,medium +0.66,0.73,2,135,6,0,0,0,marketing,medium +0.92,0.99,3,190,3,0,0,0,marketing,medium +0.62,0.55,3,108,2,1,0,0,sales,medium +0.15,0.67,6,195,2,0,0,0,sales,medium +0.82,0.68,3,160,4,0,0,0,sales,medium +0.7,0.48,5,273,2,0,0,0,sales,medium +0.18,0.39,2,177,6,0,0,0,sales,medium +0.99,0.59,3,163,2,0,0,0,sales,medium +0.22,0.9,4,106,2,0,0,0,sales,medium +0.61,0.83,5,236,2,0,0,0,sales,medium +0.78,0.91,3,132,2,0,0,0,sales,medium +0.84,0.61,3,253,2,0,0,0,sales,medium +0.87,0.74,4,151,4,0,0,0,sales,medium +0.73,0.9,4,266,3,0,0,0,sales,medium +0.7,0.86,3,141,2,1,0,0,sales,medium +0.98,0.71,5,217,3,0,0,0,sales,medium +0.85,0.49,3,258,3,0,0,0,sales,medium +0.56,0.83,5,275,2,0,0,0,sales,medium +0.48,0.62,4,210,2,0,0,0,sales,medium +0.65,0.7,3,243,3,0,0,0,sales,medium +0.84,0.59,3,234,3,1,0,0,sales,medium +0.17,0.73,4,274,3,0,0,0,accounting,high +0.84,0.61,4,261,2,0,0,0,accounting,high +0.96,0.59,3,158,3,1,0,0,accounting,high +0.62,0.96,5,251,2,0,0,0,hr,high +0.57,0.7,3,158,3,0,0,0,hr,high +0.98,0.87,3,246,3,0,0,0,hr,high +0.72,0.99,4,227,3,0,0,0,hr,high +0.43,0.46,4,169,5,0,0,0,technical,high +0.68,0.57,5,187,4,0,0,0,technical,high +0.69,0.86,4,238,3,0,0,0,technical,high +0.91,0.66,4,139,3,0,0,0,technical,high +0.42,0.37,2,284,3,0,0,0,technical,high +0.8,0.99,4,255,5,1,0,0,technical,low +0.79,0.57,5,230,2,0,0,0,technical,low +1,0.94,3,272,3,0,0,0,technical,low +0.63,0.75,4,155,3,0,0,0,technical,low +0.61,0.51,6,163,6,0,0,0,technical,low +0.78,0.98,4,260,3,0,0,0,technical,low +0.72,0.96,5,223,3,1,0,0,support,low +0.64,0.51,4,247,2,1,0,0,support,low +0.79,0.86,3,126,5,0,0,0,support,low +0.64,0.55,3,147,2,0,0,0,support,low +0.82,0.88,4,259,3,0,0,0,support,low +0.51,0.86,4,196,2,0,0,0,support,low +0.18,0.51,6,227,2,0,0,0,support,low +0.67,0.58,5,161,3,1,0,0,support,low +0.65,0.85,3,213,2,0,0,0,support,low +0.7,0.8,4,183,2,0,0,0,support,medium +0.59,0.59,3,194,2,1,0,0,support,medium +0.56,0.76,3,237,3,0,0,0,technical,medium +0.17,0.94,5,273,4,0,0,0,technical,medium +0.8,0.89,2,166,3,0,0,0,technical,medium +0.91,0.62,5,169,4,0,0,0,management,medium +0.51,0.54,3,154,3,1,0,0,IT,medium +0.76,0.59,3,201,6,1,0,0,IT,medium +0.82,0.59,3,178,2,0,0,0,IT,medium +0.44,0.66,3,161,3,0,0,0,IT,medium +0.5,0.48,4,269,3,0,0,0,IT,medium +0.54,0.49,3,203,3,1,0,0,product_mng,medium +0.56,0.63,4,271,2,1,0,0,product_mng,high +0.77,0.66,6,181,4,0,0,0,product_mng,high +0.39,0.38,4,135,2,0,0,0,product_mng,high +0.52,0.62,3,275,2,0,0,0,IT,high +0.63,0.91,3,252,2,0,0,0,RandD,high +0.49,0.46,2,129,2,0,0,0,RandD,high +0.2,0.47,4,230,4,0,0,0,RandD,high +0.21,0.94,3,287,5,0,0,0,RandD,high +0.85,0.98,5,156,2,0,0,0,RandD,low +0.54,0.82,2,279,3,1,0,0,marketing,low +0.23,0.88,5,156,4,0,0,0,sales,low +0.65,0.96,3,168,2,0,0,0,accounting,low +0.19,0.85,6,259,3,1,0,0,support,low +0.76,0.58,4,188,3,0,0,0,technical,low +0.83,0.8,4,149,3,0,0,0,management,low +0.97,0.47,3,157,4,0,0,0,marketing,low +0.67,1,3,201,4,0,0,0,marketing,medium +0.53,0.62,3,185,3,0,0,0,marketing,medium +0.34,0.71,2,160,3,1,0,0,sales,medium +0.58,0.48,5,251,3,0,0,0,sales,medium +0.96,0.68,5,145,3,1,0,0,sales,medium +0.72,0.76,3,269,3,1,0,0,sales,medium +0.58,0.62,3,213,2,0,0,0,sales,medium +0.39,0.67,6,276,6,0,0,0,sales,medium +0.24,0.57,5,232,3,0,0,0,sales,medium +0.64,0.73,4,184,3,0,0,0,sales,medium +0.98,0.55,3,260,3,0,0,0,sales,medium +0.64,0.99,3,214,2,0,0,0,sales,medium +0.56,0.41,2,194,2,0,0,0,sales,medium +0.53,0.74,5,181,2,0,0,0,sales,medium +0.62,0.57,4,215,3,0,0,0,sales,medium +0.85,0.69,3,194,4,0,0,0,sales,medium +0.76,0.85,4,190,3,0,0,0,sales,medium +0.69,0.5,3,260,4,0,0,0,sales,medium +0.35,0.67,2,171,3,0,0,0,sales,medium +0.54,0.47,2,193,4,0,0,0,sales,medium +0.63,0.49,3,252,3,0,0,0,sales,medium +0.58,0.58,5,171,2,0,0,0,accounting,medium +0.7,0.93,3,185,4,0,0,0,accounting,medium +0.48,0.51,4,152,4,0,0,0,accounting,high +0.59,0.92,4,183,2,0,0,0,hr,low +0.96,0.8,4,145,2,0,0,0,hr,medium +0.99,0.77,3,190,4,0,0,0,hr,medium +0.73,0.59,4,214,5,0,0,0,hr,medium +0.7,0.73,2,139,2,0,0,0,technical,medium +0.85,0.88,5,236,4,0,0,0,technical,medium +0.66,0.61,3,156,3,1,0,0,technical,medium +0.94,0.97,2,221,2,0,0,0,technical,medium +0.54,0.64,6,278,2,0,0,0,technical,medium +0.78,0.47,4,129,2,0,0,0,technical,medium +0.64,0.85,3,213,4,0,0,0,technical,medium +0.68,0.56,3,146,3,0,0,0,technical,low +0.92,0.84,4,159,3,0,0,0,technical,low +0.72,0.73,3,198,2,0,0,0,technical,low +0.78,0.74,6,251,4,0,0,0,technical,low +0.35,0.54,2,124,3,0,0,0,support,low +0.97,0.77,5,223,2,0,0,0,support,low +0.57,0.65,3,163,2,0,0,0,support,low +0.9,0.66,4,242,3,0,0,0,support,high +0.31,0.61,4,97,2,0,0,0,support,low +0.17,0.5,4,267,6,0,0,0,support,high +0.8,0.4,5,199,4,1,0,0,support,high +0.19,0.76,3,107,5,0,0,0,support,low +0.57,0.65,5,144,3,1,0,0,support,low +0.22,0.96,3,213,3,0,0,0,support,high +0.15,0.9,5,284,4,0,0,0,support,low +0.62,0.67,5,259,3,0,0,0,technical,medium +0.61,0.41,3,103,2,0,0,0,technical,high +0.87,0.81,5,236,3,0,0,0,technical,medium +0.54,0.75,4,199,2,0,0,0,management,medium +0.71,0.54,3,201,2,0,0,0,IT,medium +0.66,0.67,3,123,4,0,0,0,IT,medium +0.7,0.68,4,143,5,0,0,0,IT,high +0.53,0.5,5,159,2,0,0,0,IT,medium +0.92,0.54,5,203,3,0,0,0,IT,medium +0.93,0.73,4,168,2,0,0,0,product_mng,medium +0.62,0.7,5,180,4,0,0,0,product_mng,high +0.65,0.53,5,142,3,0,0,0,product_mng,medium +0.87,0.98,4,266,2,1,0,0,product_mng,high +0.97,0.89,5,265,2,0,0,0,IT,low +0.76,0.77,5,257,3,0,0,0,RandD,medium +0.96,0.55,4,234,4,0,0,0,RandD,medium +1,0.8,3,223,3,0,0,0,RandD,medium +0.99,0.85,5,261,4,0,0,0,RandD,medium +0.67,0.84,4,197,2,0,0,0,RandD,low +0.61,0.52,4,171,2,0,0,0,marketing,low +0.62,0.92,3,228,2,0,0,0,sales,low +0.62,0.79,3,141,3,0,0,0,accounting,low +0.97,0.76,3,147,3,1,0,0,support,low +0.86,0.56,5,237,3,0,0,0,technical,low +0.15,0.44,3,199,2,0,0,0,management,low +0.14,0.95,4,144,5,0,0,0,marketing,low +0.7,0.98,4,146,3,0,0,0,marketing,low +0.95,0.7,4,139,3,0,0,0,marketing,low +0.63,0.86,4,169,2,0,0,0,sales,high +0.45,0.75,4,169,2,0,0,0,sales,low +0.9,0.6,3,268,3,0,0,0,sales,low +0.15,0.87,4,194,4,0,0,0,sales,low +0.75,0.86,3,249,3,0,0,0,sales,low +0.14,0.52,4,122,2,0,0,0,sales,high +0.5,0.94,5,176,4,0,0,0,sales,low +0.45,0.45,4,168,2,0,0,0,sales,low +0.86,0.92,3,260,2,0,0,0,sales,low +0.52,0.62,3,179,3,0,0,0,sales,high +0.79,0.48,5,200,3,0,0,0,sales,low +0.47,0.56,4,165,3,0,0,0,sales,medium +0.76,0.64,4,144,2,0,0,0,sales,high +0.52,0.72,4,186,2,0,0,0,sales,medium +0.84,0.54,4,156,4,0,0,0,sales,high +0.5,0.7,4,162,2,0,0,0,sales,medium +0.52,0.63,3,269,2,0,0,0,sales,medium +0.76,0.37,3,127,4,0,0,0,sales,medium +0.59,0.58,2,267,3,0,0,0,sales,medium +0.65,0.79,4,196,2,0,0,0,accounting,medium +0.68,0.83,3,144,2,0,0,0,accounting,medium +0.52,0.72,2,247,4,0,0,0,accounting,medium +0.92,0.5,5,258,3,0,0,0,hr,medium +0.53,0.84,4,219,2,0,0,0,hr,high +0.5,0.95,2,208,2,0,0,0,hr,low +0.98,0.77,4,184,3,0,0,0,hr,medium +0.85,0.6,5,178,2,0,0,0,technical,medium +0.49,0.83,4,194,3,0,0,0,technical,medium +0.52,0.73,4,245,4,0,0,0,technical,medium +0.96,0.77,3,193,3,0,0,0,technical,medium +0.86,0.85,3,254,3,0,0,0,technical,medium +0.35,0.59,3,281,2,0,0,0,technical,medium +0.99,0.97,5,229,2,0,0,0,technical,medium +0.52,0.92,4,112,2,0,0,0,technical,medium +0.75,0.91,4,243,3,0,0,0,technical,high +0.67,0.66,3,151,3,0,0,0,technical,low +0.49,0.37,4,216,4,0,0,0,technical,low +0.51,0.62,3,110,3,0,0,0,support,low +0.65,0.6,3,142,2,0,0,0,support,high +0.73,0.8,4,251,2,1,0,0,support,low +0.46,0.75,6,276,6,0,0,0,support,low +0.94,0.82,4,159,2,1,0,0,support,low +0.53,0.69,4,257,4,0,0,0,support,high +0.6,0.79,5,154,2,0,0,0,support,low +0.63,0.97,5,146,3,0,0,0,support,low +0.75,0.77,4,204,2,0,0,0,support,low +0.69,0.53,4,156,3,0,0,0,support,low +0.81,0.5,4,170,4,0,0,0,support,low +0.74,0.84,3,239,3,0,0,0,technical,low +0.72,0.55,4,145,3,0,0,0,technical,low +0.27,0.39,4,193,4,0,0,0,technical,medium +0.86,0.74,2,178,3,0,0,0,management,medium +0.5,0.59,3,260,3,0,0,0,IT,medium +0.82,0.5,3,198,4,0,0,0,IT,medium +0.73,0.51,4,249,5,0,0,0,IT,medium +0.7,0.72,4,202,3,0,0,0,IT,medium +0.9,0.72,4,143,3,0,0,0,IT,medium +0.72,0.95,2,178,4,1,0,0,product_mng,medium +0.63,0.85,3,151,4,1,0,0,product_mng,medium +0.84,0.99,4,134,3,0,0,0,product_mng,medium +0.98,0.92,5,221,3,1,0,0,product_mng,medium +0.41,0.48,6,165,4,0,0,0,IT,medium +0.72,0.58,4,255,2,0,0,0,RandD,high +0.87,0.89,3,140,2,1,0,0,RandD,low +0.63,0.71,5,141,2,0,0,0,RandD,medium +0.6,0.96,4,99,6,0,0,0,RandD,medium +0.58,0.79,5,197,3,0,0,0,RandD,medium +0.64,0.52,3,240,3,0,0,0,marketing,medium +0.74,0.62,3,216,3,1,0,0,sales,low +0.93,0.7,5,206,4,0,0,0,accounting,low +0.74,0.75,4,257,3,0,0,0,support,low +0.98,0.6,4,160,3,0,0,0,technical,low +0.87,0.82,5,138,3,1,0,0,management,low +0.76,0.99,3,216,3,0,0,0,marketing,low +0.15,0.91,6,281,3,0,0,0,marketing,low +0.18,0.57,6,238,6,1,0,0,marketing,low +1,0.67,3,199,4,0,0,0,sales,low +0.98,0.63,3,135,3,0,0,0,sales,low +0.73,0.97,3,165,2,0,0,0,sales,low +0.67,0.72,3,180,3,0,0,0,sales,low +0.9,0.74,3,227,3,0,0,0,sales,low +0.54,0.53,3,251,2,0,0,0,sales,low +0.15,0.39,5,229,4,0,0,0,sales,low +0.58,0.54,4,199,2,0,0,0,sales,low +0.81,0.51,4,271,2,0,0,0,sales,low +0.17,0.51,5,221,3,0,0,0,sales,low +0.68,0.73,4,251,3,0,0,0,sales,low +0.68,0.49,4,153,4,0,0,0,sales,low +0.7,0.93,4,241,3,0,0,0,sales,low +0.49,0.68,4,201,4,0,0,0,sales,medium +0.55,0.96,4,267,3,0,0,0,sales,medium +0.48,0.84,3,146,2,1,0,0,sales,medium +0.63,0.98,4,210,3,0,0,0,sales,medium +0.83,0.69,4,233,2,0,0,0,sales,medium +0.48,0.87,3,221,2,0,0,0,sales,medium +0.98,0.96,5,183,3,1,0,0,accounting,medium +0.57,0.72,4,221,3,0,0,0,accounting,medium +0.72,0.66,3,167,3,0,0,0,accounting,medium +0.9,0.8,4,240,3,0,0,0,hr,medium +0.64,0.59,3,200,2,1,0,0,hr,medium +0.55,0.98,2,144,2,0,0,0,hr,medium +0.56,0.59,5,209,2,1,0,0,hr,high +0.8,0.55,3,206,2,0,0,0,technical,low +0.65,0.76,3,111,5,0,0,0,technical,medium +0.75,0.78,3,241,3,0,0,0,technical,medium +0.69,0.79,3,207,3,0,0,0,technical,medium +0.91,0.76,3,197,3,0,0,0,technical,medium +0.78,0.63,5,200,2,0,0,0,technical,low +0.71,0.68,4,242,4,0,0,0,technical,low +0.79,0.96,4,180,3,0,0,0,technical,low +0.86,0.72,4,173,3,0,0,0,technical,low +0.87,0.82,3,224,3,0,0,0,technical,low +0.76,0.99,2,183,2,0,0,0,technical,low +0.76,0.8,4,226,5,0,0,0,support,low +0.74,0.66,3,257,3,0,0,0,support,low +0.56,0.81,3,165,4,0,0,0,support,low +0.54,0.91,3,142,2,0,0,0,support,low +0.84,0.79,4,258,4,0,0,0,support,low +0.55,0.69,5,193,2,0,0,0,support,low +0.69,0.51,3,176,2,0,0,0,support,low +0.79,0.88,4,188,3,0,0,0,support,low +0.21,0.38,3,275,5,0,0,0,support,low +0.57,0.58,3,132,3,0,0,0,support,low +0.89,0.95,3,246,4,0,0,0,support,low +0.72,0.98,3,181,4,0,0,0,technical,low +0.56,0.58,5,266,3,0,0,0,technical,low +0.84,0.68,4,151,2,0,0,0,technical,low +0.94,0.76,3,257,4,1,0,0,management,low +0.29,0.88,6,183,4,0,0,0,IT,medium +0.54,0.93,3,124,5,0,0,0,IT,medium +0.93,0.73,4,153,2,1,0,0,IT,medium +0.8,0.68,4,199,2,0,0,0,IT,medium +1,0.73,5,142,4,0,0,0,IT,medium +0.89,0.56,4,159,3,0,0,0,product_mng,medium +0.6,0.78,6,211,4,1,0,0,product_mng,medium +0.49,0.94,5,136,3,0,0,0,product_mng,medium +0.65,0.75,4,153,2,0,0,0,product_mng,medium +0.6,0.71,5,263,2,1,0,0,IT,medium +0.51,1,3,168,3,1,0,0,RandD,medium +0.74,0.89,4,234,3,1,0,0,RandD,medium +0.57,0.42,4,154,5,0,0,0,RandD,high +0.82,0.84,5,173,2,0,0,0,RandD,low +0.19,0.63,5,206,6,0,0,0,RandD,medium +0.5,0.64,4,208,2,0,0,0,marketing,medium +0.91,0.68,4,178,3,1,0,0,sales,medium +0.19,0.86,4,198,6,0,0,0,accounting,medium +0.94,0.84,4,220,3,0,0,0,support,low +0.88,0.67,4,226,2,0,0,0,technical,low +0.9,0.87,4,231,5,0,0,0,management,low +0.49,0.96,2,206,2,0,0,0,marketing,low +0.99,0.55,4,179,4,0,0,0,marketing,low +0.72,0.81,4,200,2,0,0,0,marketing,low +0.66,0.69,5,202,6,0,0,0,sales,low +0.96,0.51,4,237,3,0,0,0,sales,low +0.49,0.69,4,270,3,0,0,0,sales,low +0.73,0.49,3,168,2,1,0,0,sales,low +0.48,0.98,5,132,4,0,0,0,sales,low +0.57,0.78,3,162,2,0,0,0,sales,low +0.63,0.82,3,269,3,0,0,0,sales,low +0.46,0.87,5,254,5,1,0,0,sales,low +0.64,0.5,3,261,2,0,0,0,sales,low +0.56,0.73,4,148,3,0,0,0,sales,low +0.97,0.75,5,228,4,0,0,0,sales,low +0.69,0.68,3,138,3,0,0,0,sales,low +0.23,0.97,4,200,3,0,0,0,sales,low +0.77,0.48,4,258,4,1,0,0,sales,low +0.76,0.57,4,266,3,0,0,0,sales,low +0.98,0.66,3,204,2,0,0,0,sales,medium +0.92,0.77,3,236,3,0,0,0,sales,medium +0.63,0.67,4,149,3,1,0,0,sales,medium +0.91,0.69,5,240,3,0,0,0,sales,medium +0.4,0.67,3,115,3,0,0,0,accounting,medium +0.82,0.62,4,267,3,1,0,0,accounting,medium +0.81,0.88,4,149,3,0,0,0,accounting,medium +0.61,0.69,3,224,3,0,0,0,hr,medium +0.3,0.57,2,158,2,0,0,0,hr,medium +0.59,0.72,2,107,3,0,0,0,hr,medium +0.2,0.56,3,217,5,0,0,0,hr,medium +0.75,0.56,2,212,2,0,0,0,technical,medium +0.59,0.79,3,270,3,0,0,0,technical,high +0.63,0.53,4,243,2,0,0,0,technical,low +0.77,0.68,5,162,4,1,0,0,technical,medium +0.82,0.6,5,232,2,0,0,0,technical,medium +0.6,0.85,5,187,4,0,0,0,technical,medium +0.83,0.72,3,259,2,0,0,0,technical,medium +0.67,0.6,4,209,2,0,0,0,technical,low +0.84,0.56,5,97,6,0,0,0,technical,low +0.68,0.79,5,139,4,0,0,0,technical,low +0.74,0.92,4,258,3,1,0,0,technical,low +0.63,0.64,3,208,2,1,0,0,support,low +0.88,0.9,2,233,3,0,0,0,support,low +1,0.81,3,168,4,0,0,0,support,low +0.7,0.87,4,252,2,1,0,0,support,low +0.5,0.71,5,171,4,0,0,0,support,low +0.94,0.66,5,219,3,0,0,0,support,low +0.67,0.54,3,213,4,0,0,0,support,low +0.8,0.88,5,199,4,0,0,0,support,low +0.7,0.88,4,245,2,0,0,0,support,low +0.24,0.73,4,273,5,0,0,0,support,low +0.98,1,4,202,3,0,0,0,support,low +0.76,0.65,4,240,3,0,0,0,technical,low +0.78,0.5,4,155,4,0,0,0,technical,low +0.42,0.91,3,209,2,0,0,0,technical,low +0.83,0.64,4,210,3,0,0,0,management,medium +0.98,0.81,4,266,6,0,0,0,IT,medium +0.64,0.81,2,226,2,0,0,0,IT,medium +0.67,0.75,4,133,2,0,0,0,IT,medium +0.26,0.39,3,99,4,0,0,0,IT,medium +0.97,0.64,3,237,3,0,0,0,IT,medium +0.48,0.6,4,230,3,0,0,0,product_mng,medium +0.84,0.55,4,149,2,0,0,0,product_mng,medium +0.71,0.74,4,206,4,0,0,0,product_mng,medium +1,0.84,3,185,3,0,0,0,product_mng,medium +0.6,0.76,5,269,2,0,0,0,IT,medium +0.95,0.37,6,233,5,0,0,0,RandD,medium +0.56,0.56,3,162,2,0,0,0,RandD,high +0.75,0.49,2,173,3,1,0,0,RandD,low +0.98,0.53,6,253,4,0,0,0,RandD,medium +0.7,0.72,5,134,3,0,0,0,RandD,medium +0.65,0.92,4,133,3,0,0,0,marketing,medium +0.8,0.81,5,143,2,0,0,0,sales,medium +0.49,0.78,3,264,4,0,0,0,accounting,low +0.32,0.73,3,180,6,0,0,0,support,low +0.88,0.54,3,235,2,1,0,0,technical,low +0.8,0.97,4,232,2,0,0,0,management,low +0.73,0.74,4,181,4,0,0,0,marketing,low +0.72,0.58,3,198,2,0,0,0,marketing,low +0.58,0.78,5,211,3,1,0,0,marketing,low +0.66,0.96,4,216,3,0,0,0,sales,low +0.63,0.79,3,197,3,1,0,0,sales,low +0.69,0.56,2,214,2,0,0,0,sales,low +0.49,0.59,3,185,3,0,0,0,sales,low +0.6,0.45,3,173,2,0,0,0,sales,low +0.5,0.63,4,229,4,0,0,0,sales,low +0.34,0.81,4,116,3,1,0,0,sales,low +0.79,0.6,5,223,3,0,0,0,sales,low +0.98,0.68,4,154,3,0,0,0,sales,low +0.96,0.97,5,240,2,0,0,0,sales,low +0.88,0.89,3,139,2,0,0,0,sales,low +0.6,0.61,2,275,2,0,0,0,sales,low +0.62,0.73,3,158,3,1,0,0,sales,low +0.4,0.72,3,204,4,1,0,0,sales,low +0.16,0.82,5,121,2,0,0,0,sales,medium +0.81,0.98,5,243,6,0,0,0,sales,medium +0.69,0.69,4,195,2,0,0,0,sales,medium +0.66,0.51,5,149,3,0,0,0,sales,medium +0.66,0.62,5,214,2,0,0,0,sales,medium +0.61,0.53,4,266,3,0,0,0,accounting,medium +0.99,0.77,5,222,2,0,0,0,accounting,medium +0.73,0.54,3,283,6,0,0,0,accounting,medium +0.63,0.72,2,161,5,0,0,0,hr,medium +0.6,0.91,3,157,4,0,0,0,hr,medium +0.44,0.44,3,126,2,0,0,0,hr,medium +0.64,0.95,3,131,6,0,0,0,hr,medium +0.91,0.81,4,139,2,0,0,0,technical,high +0.55,0.59,4,230,3,0,0,0,technical,low +0.7,0.73,4,240,2,1,0,0,technical,medium +0.37,0.59,3,134,3,0,0,0,technical,medium +0.16,0.56,6,196,3,0,0,0,technical,medium +0.69,0.97,5,240,4,0,0,0,technical,medium +0.96,0.47,2,233,5,1,0,0,technical,low +0.62,0.91,5,267,3,0,0,0,technical,low +0.94,0.45,2,211,3,0,0,0,technical,low +0.67,0.83,3,260,3,0,0,0,technical,low +0.89,0.57,3,113,3,0,0,0,technical,low +0.6,0.63,5,267,3,0,0,0,support,low +0.89,0.62,5,196,3,0,0,0,support,low +0.6,0.89,3,232,2,0,0,0,support,low +0.93,0.95,2,156,3,1,0,0,support,low +0.38,0.78,4,159,5,0,0,0,support,low +0.62,0.57,3,223,3,1,0,0,support,low +0.86,0.86,4,197,3,1,0,0,support,low +0.61,0.62,2,192,2,1,0,0,support,low +0.77,0.64,4,192,3,0,0,0,support,low +0.85,0.73,4,174,3,0,0,0,support,low +0.94,0.62,4,191,3,0,0,0,support,low +0.59,0.59,4,270,2,0,0,0,technical,low +0.9,0.92,3,139,3,0,0,0,technical,low +0.86,0.65,4,243,2,0,0,0,technical,low +0.72,0.7,3,238,2,0,0,0,management,low +0.84,0.52,5,189,2,1,0,0,IT,low +0.64,0.5,4,189,3,0,0,0,IT,medium +0.81,0.75,4,206,3,0,0,0,IT,medium +0.66,0.7,5,254,2,0,0,0,IT,medium +0.75,0.55,3,253,6,0,0,0,IT,medium +0.54,0.67,3,243,2,0,0,0,product_mng,medium +0.98,0.76,3,224,2,0,0,0,product_mng,medium +0.8,0.85,4,139,2,0,0,0,product_mng,medium +0.68,0.7,5,270,3,0,0,0,product_mng,medium +0.54,0.57,3,257,2,0,0,0,IT,medium +0.88,0.84,4,170,2,0,0,0,RandD,medium +0.71,0.62,3,222,3,0,0,0,RandD,medium +0.77,0.58,2,247,2,1,0,0,RandD,medium +0.6,0.6,4,201,3,0,0,0,RandD,high +0.53,0.75,4,263,5,0,0,0,RandD,low +0.85,0.5,3,168,2,1,0,0,marketing,medium +0.59,0.75,4,190,2,0,0,0,sales,medium +0.23,0.77,4,140,5,0,0,0,accounting,medium +0.7,0.6,3,224,3,0,0,0,support,medium +0.92,0.49,5,145,3,0,0,0,technical,low +0.95,0.37,4,285,3,0,0,0,management,low +0.39,0.43,3,154,3,0,0,0,marketing,low +0.85,0.8,4,200,2,0,0,0,marketing,low +0.98,0.7,3,255,2,1,0,0,marketing,low +0.15,0.48,6,204,6,1,0,0,sales,low +0.68,0.54,3,270,4,1,0,0,sales,low +0.24,0.91,5,177,5,0,0,0,sales,low +0.77,0.59,4,140,3,0,0,0,sales,medium +0.36,0.69,3,165,3,0,0,0,sales,medium +0.5,0.89,3,187,4,1,0,0,sales,medium +0.2,0.98,4,166,4,1,0,0,sales,medium +0.86,0.56,5,141,2,0,0,0,sales,medium +0.84,0.63,4,135,2,0,0,0,sales,medium +0.9,0.98,5,148,4,0,0,0,sales,medium +0.4,0.51,3,120,6,0,0,0,sales,medium +0.63,0.62,3,141,3,0,0,0,sales,medium +0.73,0.95,3,222,4,0,0,0,sales,medium +0.25,0.67,2,136,6,0,0,0,sales,medium +0.7,0.57,3,180,2,0,0,0,sales,medium +0.6,0.97,3,187,3,1,0,0,sales,medium +0.99,0.66,3,202,3,0,0,0,sales,medium +0.29,0.86,3,251,4,0,0,0,sales,medium +0.53,0.63,4,259,2,0,0,0,sales,medium +0.83,0.76,3,262,2,0,0,0,accounting,medium +0.18,0.92,5,251,4,0,0,0,accounting,medium +0.14,0.74,4,117,5,0,0,0,accounting,medium +0.5,0.66,4,155,2,0,0,0,hr,medium +0.36,0.89,3,197,6,0,0,0,hr,medium +0.34,0.56,3,139,2,0,0,0,hr,medium +0.51,0.75,4,175,2,0,0,0,hr,medium +0.5,0.52,5,137,3,1,0,0,technical,medium +0.69,0.93,3,228,4,0,0,0,technical,medium +0.52,0.51,2,232,4,0,0,0,technical,high +0.32,0.5,2,143,3,0,0,0,technical,high +0.88,0.99,3,190,5,0,0,0,technical,high +0.6,0.87,3,196,3,1,0,0,technical,high +0.72,0.8,3,213,3,0,0,0,technical,high +0.65,0.9,3,200,3,0,0,0,technical,high +0.82,0.78,5,166,2,0,0,0,technical,high +0.67,0.92,5,258,3,0,0,0,technical,high +0.44,0.87,5,104,4,0,0,0,technical,high +0.52,0.85,5,173,2,0,0,0,support,high +0.54,0.51,2,176,3,0,0,0,support,high +0.67,0.76,5,181,3,0,0,0,support,high +0.16,0.64,6,143,5,1,0,0,support,low +0.81,0.73,4,186,3,0,0,0,support,low +0.77,0.85,3,136,3,0,0,0,support,low +0.84,0.99,4,219,2,0,0,0,support,low +0.56,0.56,5,229,4,1,0,0,support,low +0.67,0.97,5,239,3,0,0,0,support,low +0.65,0.7,4,182,2,0,0,0,support,low +0.39,0.57,2,132,3,0,0,0,support,low +0.77,0.75,3,272,3,0,0,0,technical,low +0.41,0.96,5,167,3,1,0,0,technical,low +0.59,0.67,3,180,2,0,0,0,technical,low +0.14,0.72,6,100,5,0,0,0,management,low +0.6,0.82,4,134,2,0,0,0,IT,low +0.14,0.98,6,221,5,0,0,0,IT,low +0.88,0.8,3,166,2,0,0,0,IT,low +0.6,0.91,4,214,2,0,0,0,IT,medium +1,0.49,4,227,3,1,0,0,IT,medium +0.56,0.98,4,207,3,0,0,0,product_mng,medium +0.72,0.54,3,286,6,0,0,0,product_mng,medium +0.59,0.83,3,240,3,1,0,0,product_mng,medium +0.74,0.75,4,111,4,1,0,0,product_mng,medium +0.52,0.69,4,164,2,0,0,0,IT,medium +0.77,0.74,2,187,6,0,0,0,RandD,medium +0.48,0.81,4,248,2,0,0,0,RandD,medium +0.99,0.56,5,210,2,0,0,0,RandD,medium +0.23,0.78,4,163,6,0,0,0,RandD,medium +0.63,1,5,241,4,0,0,0,RandD,medium +0.51,0.83,3,136,3,0,0,0,marketing,high +0.54,0.55,4,208,5,0,0,0,sales,high +0.53,0.73,5,174,3,0,0,0,accounting,high +0.72,0.84,4,250,3,0,0,0,support,high +0.57,0.61,2,189,2,1,0,0,technical,high +0.81,0.77,3,204,3,0,0,0,management,high +0.64,0.57,4,217,3,0,0,0,marketing,high +0.77,0.57,5,162,3,0,0,0,marketing,high +0.83,0.55,3,257,2,0,0,0,marketing,low +0.6,0.71,3,195,2,0,0,0,sales,low +0.86,0.87,5,156,4,0,0,0,sales,low +0.5,0.55,2,128,3,0,0,0,sales,low +0.6,0.75,5,233,3,1,0,0,sales,low +0.85,0.73,4,260,4,0,0,0,sales,low +0.4,0.87,5,250,4,0,0,0,sales,low +0.38,0.79,5,176,3,0,0,0,sales,low +0.96,0.59,6,133,5,0,0,0,sales,medium +0.59,0.57,4,197,2,0,0,0,sales,medium +0.56,0.5,3,156,3,1,0,0,sales,medium +0.84,0.96,3,162,3,0,0,0,sales,medium +0.94,0.99,3,207,2,0,0,0,sales,medium +0.72,0.63,3,223,2,1,0,0,sales,medium +0.82,0.7,3,149,2,0,0,0,sales,medium +1,0.95,3,275,3,1,0,0,sales,medium +0.62,0.77,3,271,2,0,0,0,sales,medium +0.76,0.89,3,273,2,1,0,0,sales,medium +0.23,0.74,5,219,4,0,0,0,sales,medium +0.7,0.99,5,135,4,0,0,0,sales,medium +0.71,0.88,3,158,3,0,0,0,accounting,medium +0.32,0.37,3,167,3,0,0,0,accounting,medium +0.69,0.67,4,274,4,0,0,0,accounting,medium +0.66,0.59,3,145,3,0,0,0,hr,medium +0.7,0.67,6,233,6,0,0,0,hr,medium +0.91,0.76,3,159,3,0,0,0,hr,medium +0.2,0.7,4,221,5,0,0,0,hr,medium +0.72,0.83,3,132,2,0,0,0,technical,medium +0.74,0.93,5,140,3,0,0,0,technical,medium +0.53,0.79,3,206,3,0,0,0,technical,medium +0.99,0.92,4,229,2,0,0,0,technical,medium +0.75,0.85,4,272,4,0,0,0,technical,high +0.86,0.78,4,164,2,0,0,0,technical,low +0.93,0.86,4,145,3,0,0,0,technical,medium +0.81,0.95,3,212,3,0,0,0,technical,medium +0.49,0.67,3,254,2,1,0,0,technical,medium +0.97,0.72,5,260,4,0,0,0,technical,medium +0.62,0.89,3,201,3,0,0,0,technical,medium +0.75,0.79,4,176,4,1,0,0,support,medium +0.87,0.58,3,140,3,1,0,0,support,medium +0.93,0.65,5,201,3,0,0,0,support,medium +0.74,0.68,3,206,2,1,0,0,support,medium +0.68,0.57,3,197,3,1,0,0,support,medium +0.49,0.63,3,245,4,0,0,0,support,low +0.75,0.84,3,145,3,1,0,0,support,low +0.95,0.58,4,131,5,0,0,0,support,low +0.95,0.75,5,235,3,1,0,0,support,low +0.67,0.65,5,242,3,0,0,0,support,low +0.71,0.6,2,251,3,0,0,0,support,low +0.81,0.73,4,258,2,0,0,0,technical,low +0.79,0.36,3,114,3,0,0,0,technical,high +0.57,0.52,3,143,2,0,0,0,technical,low +0.85,0.65,3,187,2,0,0,0,management,high +0.15,0.78,5,255,3,0,0,0,IT,high +0.48,0.87,3,267,2,0,0,0,IT,low +0.92,0.91,4,247,3,0,0,0,IT,low +0.73,0.67,4,153,3,0,0,0,IT,high +0.68,0.71,3,237,3,0,0,0,IT,low +0.88,0.55,5,182,3,0,0,0,product_mng,medium +0.8,0.55,4,144,5,1,0,0,product_mng,high +0.66,0.9,3,176,2,1,0,0,product_mng,medium +0.19,0.8,5,203,6,0,0,0,product_mng,medium +0.3,0.53,3,148,4,0,0,0,IT,medium +0.8,0.8,3,175,2,0,0,0,RandD,medium +0.66,0.84,3,211,4,0,0,0,RandD,high +0.22,0.67,6,175,5,0,0,0,RandD,medium +0.57,0.59,4,206,3,0,0,0,RandD,medium +0.83,0.73,4,262,2,0,0,0,RandD,medium +0.57,0.5,4,177,2,0,0,0,marketing,high +0.78,0.54,3,134,3,0,0,0,sales,medium +0.88,0.89,2,201,3,0,0,0,accounting,high +0.48,0.69,3,105,3,0,0,0,support,low +0.91,0.82,4,259,3,0,0,0,technical,medium +0.3,0.97,3,171,4,1,0,0,management,medium +0.63,0.98,4,228,3,0,0,0,marketing,medium +0.62,0.36,2,137,4,1,0,0,marketing,medium +0.74,0.72,5,196,3,0,0,0,marketing,low +0.5,0.53,3,207,4,0,0,0,sales,low +0.36,0.74,6,280,3,0,0,0,sales,low +0.57,0.65,4,162,3,1,0,0,sales,low +0.73,0.55,4,267,3,0,0,0,sales,low +0.77,0.67,5,207,2,0,0,0,sales,low +0.86,0.5,4,196,2,0,0,0,sales,low +0.24,0.55,6,231,4,0,0,0,sales,low +0.83,0.62,4,242,3,0,0,0,sales,low +0.72,0.63,4,207,3,0,0,0,sales,low +0.52,0.82,4,206,2,1,0,0,sales,high +0.99,0.54,4,236,4,0,0,0,sales,low +0.15,0.68,5,246,2,0,0,0,sales,low +0.79,0.94,3,204,2,1,0,0,sales,low +0.19,0.91,3,268,4,0,0,0,sales,low +0.59,0.62,3,212,2,1,0,0,sales,high +0.15,0.74,6,178,3,0,0,0,sales,low +0.75,0.72,5,260,3,0,0,0,sales,low +0.47,0.71,2,241,4,0,0,0,sales,low +0.64,0.64,3,234,3,1,0,0,sales,high +0.66,0.76,3,207,2,0,0,0,accounting,low +0.8,0.91,5,242,3,1,0,0,accounting,medium +0.82,0.52,5,225,2,0,0,0,accounting,high +0.8,0.98,3,161,3,0,0,0,hr,medium +0.98,0.98,4,259,2,0,0,0,hr,high +0.95,0.96,3,250,3,0,0,0,hr,medium +0.88,0.61,3,236,3,0,0,0,hr,medium +0.9,0.97,4,239,4,0,0,0,technical,medium +0.66,0.83,4,266,3,1,0,0,technical,medium +0.99,0.62,5,133,3,0,0,0,technical,medium +0.86,0.95,5,275,2,0,0,0,technical,medium +0.96,0.95,5,189,2,0,0,0,technical,medium +1,0.63,5,171,3,0,0,0,technical,medium +0.46,0.38,6,140,3,0,0,0,technical,high +0.19,0.85,6,116,3,0,0,0,technical,low +0.73,0.6,3,145,6,1,0,0,technical,medium +0.63,0.5,4,167,3,1,0,0,technical,medium +0.68,0.89,4,227,3,0,0,0,technical,medium +0.78,0.96,4,245,3,0,0,0,support,medium +0.79,0.56,4,132,3,0,0,0,support,medium +0.86,0.99,3,254,2,0,0,0,support,medium +0.98,0.53,4,166,2,0,0,0,support,medium +0.89,0.79,2,208,3,1,0,0,support,medium +0.86,0.87,3,197,4,1,0,0,support,medium +0.65,0.83,4,263,3,1,0,0,support,high +0.52,0.98,4,272,2,0,0,0,support,low +0.54,0.65,3,147,3,1,0,0,support,low +0.68,0.73,4,197,3,0,0,0,support,low +0.88,0.65,3,268,2,0,0,0,support,high +0.75,0.85,4,181,3,0,0,0,technical,low +0.17,0.93,6,192,4,0,0,0,technical,low +0.92,0.83,5,270,3,0,0,0,technical,low +0.79,0.66,3,183,3,0,0,0,management,high +0.52,0.66,5,184,3,0,0,0,IT,low +0.95,0.73,4,238,3,1,0,0,IT,low +0.72,0.49,4,148,2,0,0,0,IT,low +0.4,0.41,4,127,3,0,0,0,IT,low +0.61,0.59,3,162,2,1,0,0,IT,low +0.49,0.97,4,166,5,0,0,0,product_mng,low +0.32,0.55,4,283,4,0,0,0,product_mng,low +0.82,0.77,3,108,6,0,0,0,product_mng,medium +0.9,0.79,3,154,2,0,0,0,product_mng,medium +0.95,0.74,3,139,2,0,0,0,IT,medium +0.55,0.6,5,271,3,1,0,0,RandD,medium +0.91,0.78,4,153,3,0,0,0,RandD,medium +0.45,0.41,3,216,6,1,0,0,RandD,medium +0.65,0.6,3,218,4,0,0,0,RandD,medium +0.88,0.89,3,171,2,0,0,0,RandD,medium +0.78,0.76,3,238,3,0,0,0,marketing,medium +0.77,0.71,3,134,3,0,0,0,marketing,medium +0.32,0.75,3,255,4,0,0,0,sales,medium +0.98,0.38,4,140,6,0,0,0,accounting,medium +0.51,0.76,2,239,3,0,0,0,support,high +0.81,0.59,4,187,2,0,0,0,technical,low +0.64,0.9,5,279,5,0,0,0,management,medium +0.73,0.94,4,213,3,1,0,0,marketing,medium +0.49,0.56,5,202,2,0,0,0,marketing,medium +0.84,0.54,3,265,2,0,0,0,marketing,medium +0.81,0.86,4,249,3,0,0,0,sales,low +0.77,0.5,4,281,2,0,0,0,sales,low +0.24,0.83,3,208,5,0,0,0,sales,low +0.77,0.78,3,165,2,0,0,0,sales,low +0.13,0.88,3,146,5,0,0,0,sales,low +0.94,0.66,4,230,2,0,0,0,sales,low +0.61,0.82,3,209,2,0,0,0,sales,low +0.95,0.49,4,178,2,0,0,0,sales,low +0.22,0.92,6,220,4,1,0,0,sales,low +0.65,0.56,3,142,3,0,0,0,sales,low +0.95,0.67,3,153,2,0,0,0,sales,low +0.98,0.62,5,254,5,1,0,0,sales,low +0.88,0.72,3,193,4,0,0,0,sales,low +0.94,0.69,3,248,3,0,0,0,sales,low +0.62,0.75,4,216,2,0,0,0,sales,low +0.81,0.96,3,226,3,0,0,0,sales,low +0.56,0.51,4,140,2,0,0,0,sales,low +0.52,0.86,6,103,4,0,0,0,sales,low +0.88,0.57,4,185,2,0,0,0,sales,low +0.56,0.92,5,160,3,0,0,0,accounting,low +0.36,0.63,3,130,5,0,0,0,accounting,low +0.56,0.85,5,230,3,0,0,0,accounting,medium +0.89,0.46,4,248,5,1,0,0,hr,medium +0.95,0.42,3,189,2,1,0,0,hr,medium +0.48,0.52,3,280,2,0,0,0,hr,medium +0.75,0.75,4,266,3,0,0,0,hr,medium +0.65,0.54,4,260,3,0,0,0,technical,medium +0.4,0.86,2,264,5,0,0,0,technical,medium +0.52,0.53,5,182,2,0,0,0,technical,medium +0.52,0.68,4,233,2,0,0,0,technical,medium +0.68,0.49,3,230,3,0,0,0,technical,medium +0.72,0.61,5,170,3,0,0,0,technical,medium +0.78,0.72,4,258,3,0,0,0,technical,medium +0.54,0.9,3,164,3,0,0,0,technical,high +0.18,0.46,4,249,4,0,0,0,technical,low +0.51,0.5,2,235,2,0,0,0,technical,medium +0.63,0.86,6,206,6,0,0,0,technical,medium +0.83,0.86,4,139,3,0,0,0,support,medium +0.91,0.82,3,145,3,1,0,0,support,medium +0.79,0.66,4,139,4,0,0,0,support,low +0.52,0.95,3,171,3,1,0,0,support,low +0.83,0.94,3,160,3,0,0,0,support,low +0.92,0.74,3,137,2,0,0,0,support,low +0.14,0.72,4,254,4,0,0,0,support,low +0.8,0.38,3,215,6,0,0,0,support,low +0.79,0.72,3,216,4,0,0,0,support,low +0.86,0.6,3,229,2,1,0,0,support,low +0.95,0.47,6,215,4,0,0,0,support,low +0.77,0.9,4,163,3,0,0,0,technical,low +0.55,0.72,4,273,3,0,0,0,technical,low +0.42,0.91,2,176,3,0,0,0,technical,low +0.79,0.86,5,270,2,0,0,0,management,low +0.41,0.48,3,182,2,0,0,0,IT,low +0.66,0.72,4,223,4,0,0,0,IT,low +1,0.65,4,237,3,0,0,0,IT,low +0.87,0.74,5,248,2,0,0,0,IT,low +0.51,0.99,3,233,4,0,0,0,IT,low +0.63,0.79,2,206,5,0,0,0,product_mng,low +0.86,0.86,4,227,2,0,0,0,product_mng,low +0.4,0.98,4,154,3,0,0,0,product_mng,low +0.79,0.97,6,113,2,1,0,0,product_mng,medium +0.7,0.9,4,254,3,0,0,0,IT,medium +0.49,0.91,5,231,3,0,0,0,RandD,medium +0.76,0.62,4,190,3,0,0,0,RandD,medium +0.89,0.52,3,190,3,0,0,0,RandD,medium +0.83,0.86,3,179,2,0,0,0,RandD,medium +0.19,0.69,4,269,6,0,0,0,RandD,medium +0.68,0.67,3,228,2,0,0,0,RandD,medium +0.62,0.68,4,251,4,0,0,0,marketing,medium +0.87,0.49,2,251,3,0,0,0,sales,medium +0.66,0.75,4,200,4,0,0,0,accounting,medium +0.37,0.41,2,146,2,0,0,0,support,medium +0.57,0.49,3,159,4,1,0,0,technical,high +0.66,0.81,5,135,2,0,0,0,management,low +0.63,0.88,5,260,3,0,0,0,marketing,medium +0.65,0.96,5,226,2,1,0,0,marketing,medium +0.33,0.85,2,127,3,0,0,0,marketing,medium +0.66,0.57,6,278,3,0,0,0,sales,medium +0.87,0.95,3,242,5,0,0,0,sales,low +0.85,0.85,3,182,3,0,0,0,sales,low +0.49,0.51,2,182,3,0,0,0,sales,low +0.87,0.8,4,197,3,0,0,0,sales,low +0.17,0.49,4,286,5,1,0,0,sales,low +0.55,0.46,4,226,5,0,0,0,sales,low +0.91,0.71,5,156,3,0,0,0,sales,low +0.96,0.62,5,185,3,0,0,0,sales,low +0.53,0.5,3,231,3,0,0,0,sales,low +0.25,0.59,4,166,5,0,0,0,sales,low +0.98,0.57,3,229,3,0,0,0,sales,low +0.83,0.36,4,242,3,0,0,0,sales,low +0.71,0.83,5,206,3,0,0,0,sales,low +0.74,0.77,4,206,3,0,0,0,sales,low +0.56,0.7,4,135,2,0,0,0,sales,low +0.23,0.9,5,234,3,1,0,0,sales,low +0.35,0.64,4,147,2,0,0,0,sales,low +0.48,0.98,4,174,3,0,0,0,sales,low +0.83,0.74,3,259,3,1,0,0,accounting,low +0.73,0.87,3,227,4,0,0,0,accounting,low +0.85,0.97,4,104,5,0,0,0,accounting,low +0.8,0.95,3,247,3,0,0,0,hr,medium +0.98,0.74,4,139,3,0,0,0,hr,medium +0.96,0.85,3,186,2,0,0,0,hr,medium +0.67,0.75,3,194,3,0,0,0,hr,medium +0.58,0.91,3,124,2,0,0,0,technical,medium +0.83,0.86,3,273,3,0,0,0,technical,medium +0.9,0.57,4,186,4,0,0,0,technical,medium +0.89,0.66,4,252,3,0,0,0,technical,medium +0.99,0.92,3,154,3,0,0,0,technical,medium +0.89,0.5,4,238,3,0,0,0,technical,medium +0.79,0.5,4,151,3,1,0,0,technical,medium +0.64,0.41,3,231,6,0,0,0,technical,medium +0.22,0.57,5,174,6,0,0,0,technical,high +0.94,0.6,5,278,2,0,0,0,technical,low +0.56,0.97,3,270,3,1,0,0,technical,medium +0.85,0.8,4,158,3,0,0,0,support,medium +0.8,0.62,3,191,3,0,0,0,support,medium +0.86,0.53,3,163,3,0,0,0,support,medium +0.96,1,5,152,4,0,0,0,support,low +0.51,0.61,4,251,2,1,0,0,support,low +0.73,0.95,3,149,2,0,0,0,support,low +0.31,0.75,4,220,3,0,0,0,support,low +0.62,0.51,4,175,3,0,0,0,support,low +0.55,0.91,3,179,3,1,0,0,support,low +0.51,0.8,4,257,2,0,0,0,support,low +0.54,0.54,3,196,3,0,0,0,support,low +0.65,0.95,3,190,3,0,0,0,technical,low +0.65,0.75,4,270,2,0,0,0,technical,low +0.9,0.64,5,226,2,0,0,0,technical,low +0.55,0.71,3,211,2,0,0,0,management,low +0.59,0.89,3,192,2,0,0,0,IT,low +0.34,0.67,5,96,2,1,0,0,IT,low +0.31,0.92,5,197,5,0,0,0,IT,low +0.83,0.71,3,243,2,1,0,0,IT,low +0.8,0.73,3,168,2,0,0,0,IT,low +0.66,0.85,5,271,4,0,0,0,product_mng,low +0.98,0.39,5,158,4,1,0,0,product_mng,medium +0.89,0.52,4,243,5,0,0,0,product_mng,medium +0.64,0.94,3,148,2,0,0,0,product_mng,medium +0.95,0.68,3,165,3,0,0,0,IT,medium +0.96,0.85,5,171,2,0,0,0,RandD,medium +0.96,0.82,5,164,2,0,0,0,RandD,medium +0.63,0.81,4,265,2,0,0,0,RandD,medium +0.83,0.71,4,196,2,0,0,0,RandD,medium +0.61,0.72,4,182,2,1,0,0,RandD,medium +0.89,0.66,3,272,3,0,0,0,RandD,medium +0.67,0.63,3,241,3,0,0,0,marketing,medium +0.61,1,5,139,2,0,0,0,sales,medium +0.58,0.77,3,180,2,0,0,0,accounting,high +0.56,0.76,4,206,2,1,0,0,support,low +0.13,0.49,6,227,4,0,0,0,technical,medium +0.39,1,5,204,5,1,0,0,management,medium +0.94,0.48,4,218,3,0,0,0,marketing,medium +0.63,0.61,3,205,2,0,0,0,marketing,medium +0.75,0.63,4,261,3,1,0,0,marketing,low +0.7,0.83,3,159,3,0,0,0,sales,low +0.28,0.83,4,162,3,0,0,0,sales,low +0.77,0.42,4,98,2,0,0,0,sales,low +0.79,0.64,4,263,2,0,0,0,sales,low +0.51,0.46,3,176,3,0,0,0,sales,low +0.96,0.99,4,233,3,0,0,0,sales,low +0.72,0.99,4,156,2,1,0,0,sales,low +0.97,1,3,198,2,0,0,0,sales,low +0.55,0.9,4,191,3,0,0,0,sales,low +0.32,0.45,2,188,3,0,0,0,sales,low +0.78,0.65,3,157,2,0,0,0,sales,low +0.17,0.57,5,286,3,0,0,0,sales,low +0.88,0.5,4,216,2,0,0,0,sales,low +0.97,0.5,3,188,3,1,0,0,sales,low +0.74,0.86,5,153,2,0,0,0,sales,low +0.26,0.45,5,187,2,0,0,0,sales,low +0.87,0.92,4,141,3,0,0,0,sales,low +0.29,0.47,5,139,4,0,0,0,sales,low +0.91,0.95,3,189,2,0,0,0,sales,low +0.71,0.77,3,193,3,1,0,0,accounting,low +0.6,0.63,3,182,3,0,0,0,accounting,medium +0.5,0.61,4,135,3,0,0,0,accounting,medium +0.49,0.85,4,238,2,0,0,0,hr,medium +0.53,0.92,3,199,2,0,0,0,hr,medium +0.42,0.38,2,115,3,0,0,0,hr,medium +0.53,0.82,3,133,3,0,0,0,hr,medium +0.34,0.62,4,158,2,0,0,0,technical,medium +0.68,0.51,5,158,3,0,0,0,technical,medium +0.56,0.77,5,238,4,0,0,0,technical,medium +0.72,0.71,3,242,2,0,0,0,technical,medium +0.76,0.55,4,250,3,0,0,0,technical,medium +0.87,0.57,4,175,2,0,0,0,technical,medium +0.97,0.63,3,270,4,1,0,0,technical,high +0.8,0.62,3,171,3,0,0,0,technical,low +0.67,0.81,5,175,6,1,0,0,technical,medium +0.6,0.97,5,145,2,0,0,0,technical,medium +0.88,0.5,3,170,3,0,0,0,technical,medium +0.64,0.74,3,267,2,0,0,0,support,medium +0.85,0.7,3,188,2,0,0,0,support,low +0.9,0.48,3,213,3,0,0,0,support,low +0.76,0.84,5,249,3,0,0,0,support,low +0.55,0.66,3,134,3,0,0,0,support,low +0.76,0.77,5,234,3,0,0,0,support,low +0.87,0.72,3,201,3,0,0,0,support,low +0.8,0.82,3,178,3,0,0,0,support,low +0.54,0.68,4,183,2,0,0,0,support,low +0.84,0.91,4,207,3,0,0,0,support,low +0.85,0.64,4,147,3,0,0,0,support,low +0.95,0.49,3,188,3,0,0,0,technical,low +0.48,0.56,3,229,3,0,0,0,technical,low +0.53,0.77,2,271,2,0,0,0,technical,low +0.8,0.82,4,175,2,0,0,0,management,low +0.4,0.46,2,109,3,0,0,0,IT,low +0.76,0.69,4,253,3,0,0,0,IT,low +0.99,0.64,3,174,4,0,0,0,IT,low +0.49,0.64,3,142,4,0,0,0,IT,low +0.94,0.71,3,175,3,0,0,0,IT,low +0.54,0.73,4,266,3,0,0,0,product_mng,low +0.13,0.93,4,253,5,1,0,0,product_mng,low +0.91,0.84,3,237,2,0,0,0,product_mng,medium +0.73,0.56,3,215,3,0,0,0,product_mng,medium +0.65,0.97,3,171,3,0,0,0,IT,medium +0.23,0.51,6,194,4,1,0,0,RandD,medium +0.23,0.88,5,238,6,0,0,0,RandD,medium +0.89,0.51,3,249,3,0,0,0,RandD,medium +0.81,0.8,3,183,2,1,0,0,RandD,medium +0.51,0.74,3,271,4,0,0,0,RandD,medium +0.35,0.81,6,256,3,0,0,0,RandD,medium +0.49,0.66,3,169,3,0,0,0,marketing,medium +0.51,0.8,3,254,2,0,0,0,sales,medium +0.66,0.86,4,112,6,0,0,0,accounting,medium +0.74,0.96,5,222,2,0,0,0,support,high +0.57,0.96,4,177,2,0,0,0,technical,low +0.8,0.74,5,181,4,1,0,0,management,medium +0.79,0.84,4,144,2,1,0,0,marketing,medium +0.74,0.94,4,255,4,0,0,0,marketing,medium +0.74,0.8,3,219,2,0,0,0,marketing,medium +0.4,1,6,206,2,0,0,0,sales,low +0.14,0.71,2,155,3,0,0,0,sales,low +0.83,0.87,5,248,3,0,0,0,sales,low +0.76,0.52,4,259,2,0,0,0,sales,low +0.8,0.8,3,271,4,0,0,0,sales,low +0.95,0.38,2,103,3,0,0,0,sales,low +0.88,0.76,4,159,4,1,0,0,sales,low +0.92,0.85,4,184,3,0,0,0,sales,low +0.16,0.88,4,201,6,0,0,0,sales,medium +0.7,0.63,3,157,4,0,0,0,sales,medium +0.71,0.93,3,287,5,0,0,0,sales,medium +0.52,0.82,2,242,3,0,0,0,sales,medium +0.49,0.58,5,246,3,1,0,0,sales,medium +0.5,0.57,3,219,3,0,0,0,sales,medium +0.86,0.94,3,212,3,0,0,0,sales,medium +0.49,0.99,5,262,2,1,0,0,sales,medium +0.69,0.91,4,128,3,1,0,0,sales,medium +0.96,1,3,231,6,0,0,0,sales,medium +0.87,0.54,3,260,2,0,0,0,sales,medium +0.36,0.4,3,160,3,0,0,0,accounting,medium +0.86,1,3,166,3,1,0,0,accounting,medium +0.79,0.74,4,222,2,0,0,0,accounting,medium +1,0.52,4,171,4,0,0,0,hr,medium +0.88,0.88,3,220,4,0,0,0,hr,medium +0.49,0.65,4,176,3,1,0,0,hr,medium +0.52,0.62,3,160,2,0,0,0,hr,medium +0.76,0.78,3,162,3,0,0,0,technical,medium +0.69,0.91,3,167,2,0,0,0,technical,medium +0.69,0.81,5,217,2,0,0,0,technical,medium +0.75,0.58,3,159,3,0,0,0,technical,medium +0.47,0.47,4,191,3,0,0,0,technical,medium +0.88,1,3,125,3,0,0,0,technical,medium +0.49,0.43,5,210,4,1,0,0,technical,medium +0.92,0.67,4,241,3,0,0,0,technical,high +0.24,0.48,4,145,3,1,0,0,technical,high +0.69,1,5,237,3,0,0,0,technical,high +0.81,0.57,4,213,4,0,0,0,technical,high +0.61,0.48,4,257,2,0,0,0,support,high +0.75,0.86,6,114,4,0,0,0,support,high +0.69,0.86,4,214,2,0,0,0,support,high +0.53,0.49,3,191,3,0,0,0,support,high +0.93,0.96,4,223,3,1,0,0,support,high +0.15,0.67,5,249,5,0,0,0,support,high +0.48,0.41,5,286,3,0,0,0,support,high +0.67,0.73,4,251,3,0,0,0,support,high +0.36,0.93,3,162,5,0,0,0,support,low +0.35,0.54,3,138,4,0,0,0,support,low +0.65,0.62,4,235,3,0,0,0,support,low +0.8,0.5,4,125,3,0,0,0,technical,low +0.97,0.96,5,210,6,1,0,0,technical,low +0.67,0.64,4,136,3,0,0,0,technical,low +0.58,0.78,3,223,3,0,0,0,management,low +0.61,0.67,3,188,5,0,0,0,IT,low +0.97,0.66,4,214,2,1,0,0,IT,low +0.87,0.97,4,160,3,0,0,0,IT,low +0.8,0.71,4,200,2,0,0,0,IT,low +0.91,0.55,3,223,3,0,0,0,IT,low +0.63,0.73,3,272,2,0,0,0,product_mng,low +0.79,0.96,4,170,2,0,0,0,product_mng,low +0.89,0.57,2,235,3,1,0,0,product_mng,low +1,0.87,3,274,3,0,0,0,product_mng,medium +0.6,0.73,5,203,2,0,0,0,IT,medium +0.7,0.8,4,236,2,0,0,0,RandD,medium +0.79,0.81,4,203,3,0,0,0,RandD,medium +0.88,0.72,4,249,3,1,0,0,RandD,medium +0.87,0.48,4,133,2,0,0,0,RandD,medium +0.52,0.58,3,203,2,0,0,0,RandD,medium +0.59,0.75,3,168,3,0,0,0,RandD,medium +0.64,0.75,4,172,4,0,0,0,marketing,medium +0.81,0.83,3,177,2,0,0,0,sales,medium +0.87,0.57,3,149,2,0,0,0,accounting,medium +0.74,0.61,3,231,2,0,0,0,support,medium +0.73,0.89,3,226,3,1,0,0,technical,high +0.97,0.58,4,187,4,1,0,0,management,high +0.54,0.81,3,145,2,0,0,0,marketing,high +0.59,0.55,4,138,2,0,0,0,marketing,high +0.99,0.95,3,153,4,0,0,0,marketing,high +0.79,0.75,4,168,3,0,0,0,sales,high +0.96,0.37,3,111,2,0,0,0,sales,high +0.54,0.67,3,154,2,0,0,0,sales,high +0.79,0.84,4,171,3,0,0,0,sales,low +0.64,0.79,3,253,2,0,0,0,sales,low +0.65,0.53,4,160,3,0,0,0,sales,low +0.87,0.86,3,196,4,0,0,0,sales,low +0.7,0.59,4,178,3,0,0,0,sales,low +0.89,0.81,3,268,3,0,0,0,sales,low +0.61,0.58,6,146,3,0,0,0,sales,low +0.9,0.49,4,185,2,0,0,0,sales,low +0.49,0.54,4,247,3,1,0,0,sales,medium +0.85,0.97,4,210,2,0,0,0,sales,medium +0.54,0.58,3,234,3,0,0,0,sales,medium +0.64,0.57,4,271,2,0,0,0,sales,medium +0.81,0.77,5,102,5,0,0,0,sales,medium +0.49,0.66,3,163,3,0,0,0,sales,medium +0.58,0.57,3,144,4,1,0,0,sales,medium +0.62,0.49,3,172,3,0,0,0,sales,medium +0.8,0.84,3,203,3,1,0,0,accounting,medium +0.64,0.64,3,192,3,1,0,0,accounting,medium +0.81,0.86,5,159,2,0,0,0,accounting,medium +0.8,0.74,3,159,2,0,0,0,hr,medium +0.92,0.81,4,206,2,0,0,0,hr,medium +0.66,0.98,4,225,2,1,0,0,hr,medium +0.79,0.89,3,252,2,0,0,0,hr,medium +0.74,0.54,6,113,3,0,0,0,technical,medium +0.79,0.74,3,238,2,0,0,0,technical,medium +0.87,0.94,3,217,3,0,0,0,technical,medium +0.49,0.57,4,145,2,0,0,0,technical,medium +0.3,0.44,5,128,4,1,0,0,technical,medium +0.85,0.89,4,177,3,0,0,0,technical,medium +0.61,0.97,4,256,4,0,0,0,technical,medium +0.68,0.55,3,182,3,1,0,0,technical,medium +0.67,0.67,4,226,2,0,0,0,technical,high +0.63,0.73,5,168,3,0,0,0,technical,low +0.63,0.94,4,145,3,0,0,0,technical,medium +0.5,0.88,4,172,4,0,0,0,support,medium +0.7,0.55,4,233,2,0,0,0,support,medium +0.18,0.46,5,202,4,0,0,0,support,medium +0.77,0.55,5,255,2,0,0,0,support,medium +0.78,0.61,3,257,3,0,0,0,support,medium +0.54,0.77,3,185,3,0,0,0,support,medium +0.9,0.69,3,231,4,0,0,0,support,medium +0.56,0.76,3,207,2,0,0,0,support,medium +0.63,0.81,3,215,3,0,0,0,support,medium +0.68,0.75,5,243,3,1,0,0,support,low +0.96,0.54,3,198,3,0,0,0,support,low +0.85,0.87,6,232,6,0,0,0,technical,low +0.82,0.66,4,150,3,0,0,0,technical,low +0.44,0.39,2,188,3,0,0,0,technical,low +0.86,0.97,4,155,3,0,0,0,management,low +0.56,0.68,3,109,3,0,0,0,IT,low +0.69,0.94,3,170,3,0,0,0,IT,high +0.91,0.85,5,214,2,0,0,0,IT,low +0.99,0.94,3,244,3,0,0,0,IT,high +0.76,0.84,5,137,4,0,0,0,IT,high +0.63,0.67,5,250,2,0,0,0,product_mng,low +0.21,0.62,4,247,3,1,0,0,product_mng,low +0.63,0.43,2,222,4,0,0,0,product_mng,high +0.58,0.51,2,100,2,0,0,0,product_mng,low +0.52,0.84,4,212,3,0,0,0,IT,medium +0.89,0.64,3,184,5,0,0,0,RandD,high +0.81,0.81,4,177,3,0,0,0,RandD,medium +0.62,0.73,3,138,3,0,0,0,RandD,medium +0.83,0.5,4,167,3,1,0,0,RandD,medium +0.85,0.99,3,201,3,0,0,0,RandD,medium +0.52,0.61,5,162,3,0,0,0,marketing,high +0.57,0.97,5,126,5,0,0,0,sales,medium +0.93,1,4,145,3,0,0,0,accounting,medium +0.78,0.89,3,211,3,0,0,0,support,medium +0.65,0.59,3,167,2,0,0,0,technical,high +0.42,0.74,5,256,6,0,0,0,management,medium +0.22,0.61,6,237,5,0,0,0,marketing,high +0.71,0.96,5,135,4,1,0,0,marketing,low +0.44,0.68,5,209,4,0,0,0,marketing,medium +0.6,0.52,4,190,3,0,0,0,sales,medium +0.68,0.61,3,134,4,0,0,0,sales,medium +0.53,0.41,2,148,2,1,0,0,sales,medium +0.8,0.82,4,202,3,0,0,0,sales,low +0.97,0.82,4,176,2,0,0,0,sales,low +0.47,0.47,2,221,6,0,0,0,sales,low +0.96,0.93,3,156,3,0,0,0,sales,low +0.81,0.45,6,98,3,0,0,0,sales,low +0.86,0.65,4,134,4,0,0,0,sales,low +0.59,0.82,4,203,4,1,0,0,sales,low +0.53,0.97,3,189,3,0,0,0,sales,low +0.57,0.86,3,258,2,0,0,0,sales,low +0.7,0.48,4,237,3,0,0,0,sales,low +0.58,0.59,4,224,3,0,0,0,sales,high +0.43,0.86,5,125,3,1,0,0,sales,low +0.92,0.82,4,207,4,0,0,0,sales,low +0.24,0.7,5,194,3,0,0,0,sales,low +0.67,0.52,3,273,3,0,0,0,sales,low +0.68,0.84,3,209,3,0,0,0,sales,high +0.54,0.75,3,181,3,0,0,0,accounting,low +0.73,0.63,3,172,4,1,0,0,accounting,low +0.59,0.41,4,139,3,0,0,0,accounting,low +0.22,0.64,6,260,4,0,0,0,hr,high +0.49,0.83,3,168,4,1,0,0,hr,low +0.91,1,6,242,3,1,0,0,hr,medium +0.18,0.97,4,206,3,0,0,0,hr,high +0.71,0.41,5,107,4,0,0,0,technical,medium +0.56,0.66,5,216,2,0,0,0,technical,high +0.84,0.62,4,152,3,0,0,0,technical,medium +0.59,0.49,5,122,5,0,0,0,technical,medium +0.88,0.62,4,138,3,0,0,0,technical,medium +0.8,0.52,3,182,2,0,0,0,technical,medium +0.53,0.63,3,205,2,0,0,0,technical,medium +0.53,0.83,3,267,4,0,0,0,technical,medium +0.3,0.67,3,150,2,0,0,0,technical,medium +0.91,0.7,4,134,2,0,0,0,technical,medium +0.32,0.66,5,116,5,1,0,0,technical,high +0.73,0.87,3,181,3,0,0,0,support,low +0.87,0.54,3,268,3,0,0,0,support,medium +0.57,0.73,3,129,3,0,0,0,support,medium +0.62,0.94,3,151,4,0,0,0,support,medium +0.55,0.91,3,243,4,0,0,0,support,medium +0.93,0.57,5,143,2,0,0,0,support,medium +0.3,0.47,6,156,2,1,0,0,support,medium +0.57,0.7,3,210,2,0,0,0,support,medium +0.9,0.85,4,279,6,0,0,0,support,medium +0.83,0.79,4,270,3,1,0,0,support,medium +0.38,0.64,5,160,3,0,0,0,support,high +0.97,0.95,4,173,2,0,0,0,technical,low +0.7,1,4,261,3,0,0,0,technical,low +0.26,0.73,4,178,6,0,0,0,technical,low +0.58,0.58,3,122,3,0,0,0,management,high +0.69,0.57,5,227,4,0,0,0,IT,low +0.88,0.6,2,168,3,0,0,0,IT,low +0.57,0.91,4,252,4,0,0,0,IT,low +0.94,0.8,5,170,4,0,0,0,IT,high +0.94,0.58,3,135,3,0,0,0,IT,low +0.46,0.49,5,286,5,0,0,0,product_mng,low +0.49,0.57,2,213,3,1,0,0,product_mng,low +0.96,1,5,148,3,0,0,0,product_mng,low +0.29,0.95,5,117,4,0,0,0,product_mng,low +0.94,0.69,3,164,2,0,0,0,IT,low +0.56,0.64,3,262,2,1,0,0,RandD,low +0.18,0.49,5,250,5,1,0,0,RandD,medium +0.84,0.83,4,222,3,0,0,0,RandD,medium +0.58,0.96,3,192,4,0,0,0,RandD,medium +0.21,0.6,5,151,6,0,0,0,RandD,medium +0.59,0.53,4,216,2,0,0,0,marketing,medium +0.66,0.65,3,234,2,0,0,0,marketing,medium +0.58,0.82,4,268,3,0,0,0,sales,medium +0.66,0.49,4,194,5,0,0,0,accounting,medium +0.56,0.78,3,200,2,0,0,0,support,medium +0.92,0.78,3,194,3,0,0,0,technical,medium +0.56,0.69,3,176,3,0,0,0,management,medium +0.57,0.59,4,158,3,0,0,0,marketing,medium +0.99,0.79,3,271,4,0,0,0,marketing,high +0.76,0.93,4,187,4,0,0,0,marketing,low +0.78,0.91,4,202,2,0,0,0,sales,medium +0.99,0.48,5,202,2,0,0,0,sales,medium +0.71,0.95,6,204,3,1,0,0,sales,medium +0.51,0.96,4,204,3,1,0,0,sales,medium +0.88,0.82,3,244,3,0,0,0,sales,low +0.96,0.83,3,234,3,0,0,0,sales,low +0.9,0.64,4,217,3,0,0,0,sales,low +0.77,0.51,4,142,4,0,0,0,sales,low +0.95,0.5,4,186,3,1,0,0,sales,low +0.85,0.67,3,267,2,1,0,0,sales,low +0.46,0.79,2,108,3,0,0,0,sales,low +0.57,0.95,3,274,4,0,0,0,sales,low +0.93,1,3,148,4,0,0,0,sales,low +0.78,0.68,5,168,3,0,0,0,sales,low +0.68,1,4,185,2,1,0,0,sales,low +0.83,0.78,3,257,2,0,0,0,sales,low +0.56,0.51,5,256,4,1,0,0,sales,low +0.93,0.78,2,188,2,0,0,0,sales,low +0.13,0.53,6,173,4,0,0,0,sales,low +0.71,0.99,5,208,2,1,0,0,accounting,low +0.98,0.74,4,202,3,0,0,0,accounting,low +0.83,0.82,3,134,3,0,0,0,accounting,low +0.78,0.65,3,154,2,0,0,0,hr,low +0.35,0.58,3,103,3,0,0,0,hr,low +0.67,0.55,4,256,6,0,0,0,hr,low +0.86,0.88,4,274,3,0,0,0,hr,medium +0.33,0.61,2,163,3,0,0,0,technical,medium +0.3,0.86,6,232,3,0,0,0,technical,medium +0.75,0.63,4,268,3,0,0,0,technical,medium +0.8,0.98,3,209,3,0,0,0,technical,medium +0.98,0.53,5,238,3,0,0,0,technical,medium +0.72,0.48,3,155,2,0,0,0,technical,medium +0.82,0.52,5,270,3,0,0,0,technical,medium +0.91,0.59,3,134,2,1,0,0,technical,medium +0.84,0.78,3,221,3,1,0,0,technical,medium +0.95,0.74,4,258,3,0,0,0,technical,medium +0.53,0.51,6,272,5,0,0,0,technical,medium +0.5,0.5,4,184,3,0,0,0,support,high +0.36,0.95,6,276,2,0,0,0,support,low +0.33,0.38,4,186,3,0,0,0,support,medium +0.38,0.47,3,189,5,0,0,0,support,medium +0.7,0.9,3,224,3,0,0,0,support,medium +0.44,0.45,6,237,6,0,0,0,support,medium +0.32,0.66,3,144,2,0,0,0,support,low +0.63,0.93,6,171,3,1,0,0,support,low +0.56,0.54,3,232,2,0,0,0,support,low +0.56,0.78,4,193,2,1,0,0,support,low +0.81,0.78,3,166,2,0,0,0,support,low +0.89,0.75,3,167,2,0,0,0,technical,low +0.63,0.87,2,101,3,0,0,0,technical,low +0.64,0.66,5,266,3,0,0,0,technical,low +0.46,0.53,3,135,2,0,0,0,management,low +0.76,0.56,4,137,3,0,0,0,IT,low +0.99,0.71,3,191,3,0,0,0,IT,low +0.85,0.76,4,262,2,0,0,0,IT,low +0.78,0.99,3,174,3,0,0,0,IT,low +0.91,0.56,4,241,2,0,0,0,IT,low +0.16,0.57,5,144,4,1,0,0,product_mng,low +0.71,0.57,3,218,3,0,0,0,product_mng,low +0.92,0.68,5,210,2,0,0,0,product_mng,low +0.21,0.98,6,208,5,1,0,0,product_mng,low +0.74,0.6,3,232,3,0,0,0,IT,low +0.76,0.6,3,140,2,0,0,0,RandD,low +0.62,0.95,3,189,4,0,0,0,RandD,low +1,0.61,5,264,3,0,0,0,RandD,medium +0.67,0.54,5,157,2,0,0,0,RandD,medium +0.81,0.87,4,161,2,0,0,0,RandD,medium +0.84,0.69,4,149,3,0,0,0,marketing,medium +0.84,0.99,3,144,4,0,0,0,sales,medium +0.97,0.97,4,242,2,0,0,0,accounting,medium +0.7,0.5,6,214,5,0,0,0,support,medium +0.52,0.74,4,174,3,0,0,0,technical,medium +0.46,0.88,5,169,3,0,0,0,management,medium +1,0.87,4,268,2,0,0,0,marketing,medium +0.91,0.58,3,257,3,0,0,0,marketing,medium +0.16,0.69,4,187,5,0,0,0,marketing,medium +0.58,0.62,5,270,2,0,0,0,sales,high +0.75,0.61,5,173,4,0,0,0,sales,low +0.96,0.62,6,193,4,0,0,0,sales,medium +0.92,0.78,4,212,2,0,0,0,sales,medium +0.35,0.63,3,156,3,0,0,0,sales,medium +0.56,0.96,3,244,3,0,0,0,sales,medium +0.27,0.96,3,255,4,0,0,0,sales,low +0.66,0.72,5,152,3,1,0,0,sales,low +0.66,0.98,4,163,3,1,0,0,sales,low +0.98,0.69,3,150,2,0,0,0,sales,low +0.51,0.58,4,169,2,0,0,0,sales,low +0.51,0.83,3,133,3,0,0,0,sales,low +0.53,0.94,4,202,3,1,0,0,sales,low +0.69,0.7,4,169,2,0,0,0,sales,low +0.66,0.74,4,270,2,1,0,0,sales,low +0.89,0.76,3,251,2,1,0,0,sales,low +0.74,0.64,3,267,5,0,0,0,sales,low +0.82,0.75,4,224,3,0,0,0,sales,low +0.66,0.9,3,250,2,0,0,0,sales,low +0.59,0.97,3,258,2,0,0,0,accounting,low +0.13,0.65,2,209,5,0,0,0,accounting,low +0.68,0.74,4,215,3,0,0,0,accounting,low +0.5,0.81,3,183,3,0,0,0,hr,low +0.6,0.82,3,143,3,0,0,0,hr,low +0.87,0.98,3,174,3,0,0,0,hr,low +0.51,0.89,6,170,4,0,0,0,hr,low +0.78,0.63,3,202,2,0,0,0,technical,low +0.66,0.96,4,160,2,0,0,0,technical,medium +0.72,0.73,5,211,2,0,0,0,technical,medium +0.57,0.98,3,236,3,1,0,0,technical,medium +0.5,0.49,4,236,3,0,0,0,technical,medium +0.72,0.62,4,252,2,1,0,0,technical,medium +0.41,0.48,3,155,2,1,0,0,technical,medium +0.55,0.65,5,138,2,0,0,0,technical,medium +0.49,0.94,4,195,3,1,0,0,technical,medium +0.8,0.94,3,150,3,0,0,0,technical,medium +0.78,0.51,3,172,3,0,0,0,technical,medium +0.69,0.56,3,240,2,0,0,0,support,medium +0.83,0.98,3,229,6,0,0,0,support,medium +0.89,0.73,3,169,3,0,0,0,support,high +0.94,0.82,3,246,3,0,0,0,support,low +0.51,0.53,4,260,2,1,0,0,support,medium +0.89,0.9,4,101,6,0,0,0,support,medium +0.99,0.69,3,190,3,0,0,0,support,medium +0.79,0.66,3,154,4,0,0,0,support,medium +0.98,0.97,4,196,4,0,0,0,support,low +0.98,0.97,3,209,3,0,0,0,support,low +0.97,0.67,4,223,3,0,0,0,support,low +0.71,0.71,4,221,3,0,0,0,technical,low +0.49,0.6,4,141,3,0,0,0,technical,low +0.72,0.71,3,135,3,0,0,0,technical,low +0.58,0.61,2,191,3,1,0,0,management,low +0.65,1,4,195,3,0,0,0,IT,low +0.18,0.55,5,217,4,0,0,0,IT,low +0.83,0.99,4,184,3,0,0,0,IT,low +0.2,0.76,5,188,3,0,0,0,IT,low +0.96,0.93,6,240,6,0,0,0,IT,low +0.59,0.69,4,226,3,0,0,0,product_mng,low +0.97,0.99,3,196,3,0,0,0,product_mng,low +0.14,0.99,6,251,4,0,0,0,product_mng,low +0.75,0.96,4,150,2,0,0,0,product_mng,low +0.71,0.63,3,249,3,0,0,0,IT,low +0.84,0.52,4,251,3,0,0,0,RandD,low +0.57,0.75,5,252,3,0,0,0,RandD,medium +0.46,0.55,5,261,5,0,0,0,RandD,medium +0.77,0.94,4,225,2,0,0,0,RandD,medium +0.44,0.65,2,151,3,0,0,0,RandD,medium +0.68,0.59,4,147,2,0,0,0,marketing,medium +0.94,0.58,4,159,3,0,0,0,sales,medium +0.73,0.91,4,241,2,1,0,0,accounting,medium +0.51,0.5,5,176,5,0,0,0,support,medium +0.93,0.87,4,218,4,0,0,0,technical,medium +0.74,1,4,219,3,0,0,0,management,medium +0.82,0.9,3,227,3,0,0,0,marketing,medium +0.86,0.91,4,182,2,0,0,0,marketing,medium +0.99,0.86,4,196,2,1,0,0,marketing,high +0.58,0.86,4,257,3,0,0,0,sales,low +0.96,0.6,5,182,5,0,0,0,sales,medium +0.72,0.67,4,192,3,0,0,0,sales,medium +0.23,0.94,4,142,4,0,0,0,sales,medium +0.99,0.79,4,172,2,0,0,0,sales,medium +0.95,0.58,4,188,3,0,0,0,sales,low +0.75,0.55,5,281,3,1,0,0,sales,low +0.95,0.54,4,255,2,0,0,0,sales,low +0.97,0.84,3,223,3,0,0,0,sales,low +0.98,0.86,2,219,4,0,0,0,sales,low +0.79,0.98,3,195,2,0,0,0,sales,low +0.54,0.91,2,156,3,0,0,0,sales,low +0.51,0.51,5,259,4,0,0,0,sales,low +0.83,0.91,4,266,3,1,0,0,sales,low +0.6,0.7,3,147,2,0,0,0,sales,low +0.58,0.83,4,207,3,0,0,0,sales,low +0.55,0.68,3,185,2,0,0,0,sales,low +0.5,0.64,5,195,2,0,0,0,sales,low +0.46,0.41,6,148,4,0,0,0,sales,low +0.61,0.82,3,157,2,0,0,0,accounting,low +0.91,0.98,4,146,3,0,0,0,accounting,low +0.5,0.94,3,262,4,0,0,0,accounting,low +0.75,0.82,3,169,3,0,0,0,hr,low +0.74,0.87,3,192,3,1,0,0,hr,low +0.62,0.53,4,147,2,0,0,0,hr,low +0.87,0.76,5,254,2,1,0,0,hr,low +0.13,0.72,3,244,4,0,0,0,technical,medium +0.71,0.43,2,100,6,0,0,0,technical,medium +0.7,0.9,3,173,2,0,0,0,technical,medium +0.32,0.87,2,197,2,1,0,0,technical,medium +0.84,0.72,3,256,4,0,0,0,technical,medium +0.79,0.87,4,253,2,0,0,0,technical,medium +0.97,0.64,4,152,2,0,0,0,technical,medium +0.76,0.58,5,136,3,0,0,0,technical,medium +0.97,0.63,3,141,3,0,0,0,technical,medium +0.53,0.4,5,212,3,1,0,0,technical,medium +0.61,0.57,4,144,3,0,0,0,technical,medium +0.94,0.89,2,118,4,0,0,0,support,medium +0.52,0.79,5,265,3,1,0,0,support,high +0.91,0.67,3,143,3,0,0,0,support,low +0.52,0.63,3,230,2,0,0,0,support,medium +0.59,0.68,5,243,2,0,0,0,support,medium +0.61,0.71,3,152,4,1,0,0,support,medium +0.78,0.78,3,252,3,0,0,0,support,medium +0.44,0.67,3,113,2,0,0,0,support,low +0.8,0.97,4,259,2,0,0,0,support,low +0.54,0.6,4,139,5,0,0,0,support,low +0.96,0.91,4,228,3,1,0,0,support,low +0.98,0.49,4,214,3,0,0,0,technical,low +0.83,0.91,4,210,4,0,0,0,technical,low +0.64,0.89,4,146,3,0,0,0,technical,low +0.51,0.78,3,155,2,0,0,0,management,low +0.31,0.42,2,169,5,0,0,0,IT,low +0.53,0.68,3,258,3,0,0,0,IT,low +0.81,0.53,3,258,2,0,0,0,IT,low +0.17,0.85,3,168,4,0,0,0,IT,low +0.72,0.98,3,211,2,0,0,0,IT,low +0.49,0.49,2,245,3,0,0,0,product_mng,low +0.81,0.95,3,204,2,0,0,0,product_mng,low +0.75,0.98,2,161,3,0,0,0,product_mng,low +0.74,0.73,3,267,3,0,0,0,product_mng,low +0.82,0.73,3,183,3,0,0,0,IT,low +0.36,0.4,2,105,3,0,0,0,RandD,low +0.89,0.55,3,260,2,0,0,0,RandD,low +0.78,0.87,3,183,4,0,0,0,RandD,low +0.81,0.56,4,262,3,0,0,0,RandD,medium +0.61,0.78,4,244,4,0,0,0,RandD,medium +0.23,0.96,4,242,6,0,0,0,marketing,medium +0.73,1,4,146,3,0,0,0,sales,medium +0.4,0.65,4,252,6,0,0,0,accounting,medium +0.99,0.63,5,229,2,0,0,0,support,medium +0.62,0.54,4,170,3,0,0,0,technical,medium +0.61,0.93,3,250,4,0,0,0,management,medium +0.9,0.98,2,243,3,0,0,0,marketing,medium +0.93,0.67,4,135,3,1,0,0,marketing,medium +0.52,0.75,4,266,3,0,0,0,marketing,medium +0.77,0.72,4,223,3,0,0,0,sales,medium +0.59,0.76,4,234,3,0,0,0,sales,high +0.51,0.59,4,187,3,0,0,0,sales,low +0.67,0.95,3,229,3,0,0,0,sales,medium +0.95,0.65,3,155,2,1,0,0,sales,medium +0.75,0.76,3,246,3,0,0,0,sales,medium +0.54,0.61,3,152,3,0,0,0,sales,medium +0.45,0.71,2,172,2,0,0,0,sales,low +0.66,0.66,4,255,5,0,0,0,sales,low +0.36,0.69,3,98,2,0,0,0,sales,low +0.3,0.47,6,141,6,0,0,0,sales,low +0.61,0.63,4,146,4,1,0,0,sales,low +0.71,0.7,4,213,3,0,0,0,sales,low +0.6,0.99,4,160,3,0,0,0,sales,low +0.19,0.61,3,272,4,0,0,0,sales,low +0.91,1,4,125,4,0,0,0,sales,medium +0.98,0.69,3,152,2,0,0,0,sales,medium +0.9,0.78,3,162,2,0,0,0,sales,medium +0.73,0.94,3,251,6,0,0,0,sales,medium +0.52,0.56,3,225,3,0,0,0,accounting,medium +0.77,0.56,3,236,3,1,0,0,accounting,medium +0.98,0.62,3,203,2,0,0,0,accounting,medium +0.79,0.5,4,252,3,1,0,0,hr,medium +0.73,0.91,3,135,2,0,0,0,hr,medium +0.97,0.95,3,257,2,0,0,0,hr,medium +0.38,0.6,5,145,5,0,0,0,hr,medium +0.59,0.48,5,267,3,0,0,0,technical,medium +0.73,0.79,4,208,5,0,0,0,technical,medium +0.84,0.53,4,206,3,0,0,0,technical,medium +0.61,0.59,4,247,2,0,0,0,technical,medium +0.79,0.78,2,228,2,0,0,0,technical,medium +0.73,0.91,4,248,2,1,0,0,technical,medium +0.22,0.9,4,209,5,0,0,0,technical,medium +0.84,0.52,5,171,3,0,0,0,technical,medium +0.21,0.85,6,221,5,0,0,0,technical,medium +0.44,0.69,2,173,2,0,0,0,technical,medium +0.2,0.52,5,218,5,0,0,0,technical,medium +0.51,0.86,4,223,3,1,0,0,support,medium +0.55,0.98,3,169,2,0,0,0,support,medium +0.24,0.38,6,109,2,0,0,0,support,medium +0.65,0.77,4,273,2,0,0,0,support,high +0.44,0.42,3,178,3,0,0,0,support,high +0.98,0.67,4,189,4,0,0,0,support,high +0.69,0.8,5,203,2,1,0,0,support,high +0.71,0.56,3,177,4,0,0,0,support,high +0.54,0.71,5,253,2,1,0,0,support,high +0.77,0.98,3,273,3,0,0,0,support,high +0.53,0.43,2,139,3,0,0,0,support,high +0.64,0.72,3,185,2,1,0,0,technical,high +0.69,0.59,5,182,4,0,0,0,technical,high +0.93,0.71,5,270,2,0,0,0,technical,high +0.58,0.65,3,139,4,0,0,0,management,high +0.33,0.46,5,261,6,1,0,0,IT,low +0.95,0.57,3,238,3,0,0,0,IT,low +0.65,0.9,3,241,3,0,0,0,IT,low +0.9,0.7,3,223,2,0,0,0,IT,low +0.59,0.8,3,258,3,1,0,0,IT,low +0.88,0.55,4,205,4,0,0,0,product_mng,low +0.63,0.83,4,243,4,0,0,0,product_mng,low +0.53,0.61,4,198,2,0,0,0,product_mng,low +0.63,0.64,4,178,3,0,0,0,product_mng,low +0.96,0.76,4,158,3,0,0,0,IT,low +0.7,0.73,3,194,2,0,0,0,RandD,low +0.73,0.36,4,253,2,1,0,0,RandD,low +0.94,0.8,4,228,2,0,0,0,RandD,low +0.82,0.58,5,227,3,0,0,0,RandD,low +0.44,0.63,3,162,2,0,0,0,RandD,low +0.58,0.9,5,257,3,0,0,0,marketing,medium +0.55,0.97,2,140,2,0,0,0,sales,medium +0.92,0.84,3,164,2,0,0,0,accounting,medium +0.91,0.59,4,177,4,0,0,0,support,medium +0.69,0.61,4,260,4,0,0,0,technical,medium +0.23,0.7,4,233,2,0,0,0,management,medium +0.21,0.81,4,227,5,0,0,0,marketing,medium +0.51,0.6,4,140,3,0,0,0,marketing,medium +0.73,0.74,3,254,4,1,0,0,marketing,medium +0.65,0.67,3,245,3,0,0,0,sales,medium +0.64,0.48,2,157,2,0,0,0,sales,medium +0.77,0.49,3,265,3,0,0,0,sales,medium +0.71,0.79,4,261,3,0,0,0,sales,high +0.2,0.38,6,212,6,0,0,0,sales,high +0.99,0.57,4,216,3,0,0,0,sales,high +0.77,0.57,4,238,3,0,0,0,sales,high +0.8,0.56,2,204,3,0,0,0,sales,high +0.97,0.5,4,216,2,0,0,0,sales,high +0.89,0.53,4,208,3,0,0,0,sales,high +0.97,0.7,4,218,2,0,0,0,sales,high +0.23,0.99,5,176,4,1,0,0,sales,low +0.6,0.75,4,144,2,0,0,0,sales,low +0.52,0.63,5,241,3,0,0,0,sales,low +0.86,0.63,3,271,2,0,0,0,sales,low +0.86,0.95,4,184,3,0,0,0,sales,low +0.76,0.58,3,262,2,0,0,0,sales,low +0.79,0.77,6,233,6,0,0,0,sales,low +0.35,0.52,3,155,3,0,0,0,sales,low +1,0.97,5,141,2,0,0,0,accounting,medium +0.2,0.8,6,251,5,0,0,0,accounting,medium +0.57,0.62,5,141,3,0,0,0,accounting,medium +0.23,0.46,4,274,5,1,0,0,hr,medium +0.82,0.97,3,160,2,0,0,0,hr,medium +0.98,0.8,3,166,2,0,0,0,hr,medium +0.52,0.7,4,219,3,0,0,0,hr,medium +0.96,0.61,4,158,6,0,0,0,technical,medium +0.69,0.64,4,190,4,0,0,0,technical,medium +0.92,0.77,5,191,2,0,0,0,technical,medium +0.91,0.43,4,117,5,1,0,0,technical,medium +0.85,0.96,4,240,6,0,0,0,technical,medium +0.91,0.77,4,239,2,0,0,0,technical,medium +0.79,0.55,4,145,3,0,0,0,technical,medium +0.74,0.95,3,157,4,0,0,0,technical,medium +0.73,0.72,3,166,3,0,0,0,technical,medium +0.55,0.98,4,137,2,0,0,0,technical,medium +0.79,0.97,5,208,4,1,0,0,technical,medium +0.53,0.51,4,174,2,0,0,0,support,medium +0.7,0.6,3,267,3,0,0,0,support,medium +0.74,0.56,3,125,6,0,0,0,support,medium +0.95,0.76,4,220,3,0,0,0,support,medium +0.49,0.57,4,141,3,0,0,0,support,medium +0.79,0.9,5,146,3,1,0,0,support,high +0.99,0.86,3,166,2,0,0,0,support,low +0.56,0.79,4,197,2,0,0,0,support,medium +0.7,0.79,4,240,2,0,0,0,support,medium +0.93,0.65,4,258,3,0,0,0,support,medium +0.46,0.66,6,229,3,0,0,0,support,medium +0.24,0.61,5,252,4,0,0,0,technical,medium +0.32,0.41,3,138,3,1,0,0,technical,medium +0.5,0.78,4,208,3,1,0,0,technical,medium +0.58,0.72,3,113,3,1,0,0,management,medium +0.83,0.81,4,209,4,0,0,0,IT,medium +0.57,0.42,2,248,4,0,0,0,IT,medium +0.51,0.83,5,161,3,0,0,0,IT,low +0.65,0.96,2,246,2,1,0,0,IT,low +0.52,0.41,3,283,3,0,0,0,IT,low +0.77,0.7,3,145,2,0,0,0,product_mng,low +0.42,0.77,3,270,3,0,0,0,product_mng,low +0.68,0.79,4,273,4,0,0,0,product_mng,low +0.83,0.92,4,187,6,1,0,0,product_mng,low +0.66,0.63,3,166,3,0,0,0,IT,high +0.75,0.57,3,158,2,1,0,0,RandD,low +0.65,0.48,4,229,3,0,0,0,RandD,high +0.49,0.6,3,191,3,1,0,0,RandD,high +0.77,0.96,3,232,2,1,0,0,RandD,low +0.65,0.97,3,198,3,0,0,0,RandD,low +0.65,0.49,5,238,4,0,0,0,marketing,high +0.44,0.58,2,157,2,0,0,0,sales,low +0.61,0.72,4,134,2,0,0,0,accounting,medium +0.98,0.89,3,150,3,0,0,0,support,high +0.68,0.88,5,256,2,0,0,0,technical,medium +0.58,0.5,3,208,3,0,0,0,management,medium +0.81,0.92,3,136,3,0,0,0,marketing,medium +0.76,0.5,4,136,3,0,0,0,marketing,medium +0.14,0.93,4,180,4,0,0,0,marketing,high +0.49,0.91,3,227,3,0,0,0,sales,medium +0.97,0.78,5,156,3,0,0,0,sales,medium +0.91,0.6,4,133,4,1,0,0,sales,medium +0.15,0.98,2,96,2,0,0,0,sales,high +0.82,0.63,3,171,3,0,0,0,sales,medium +0.67,0.87,3,177,4,0,0,0,sales,high +0.5,0.96,4,274,3,0,0,0,sales,low +0.57,0.39,2,145,3,0,0,0,sales,medium +0.99,0.94,5,221,2,0,0,0,sales,medium +0.97,0.94,3,202,2,0,0,0,sales,medium +0.93,0.58,5,238,2,0,0,0,sales,medium +0.62,0.6,4,170,2,0,0,0,sales,low +0.62,0.51,4,208,2,1,0,0,sales,low +0.96,0.61,4,199,3,0,0,0,sales,low +0.98,0.96,4,253,3,0,0,0,sales,low +0.52,0.57,4,239,3,0,0,0,sales,low +0.56,0.77,5,279,4,0,0,0,sales,low +0.14,0.41,6,114,3,0,0,0,sales,low +0.29,0.38,6,105,5,0,0,0,sales,low +0.76,0.81,4,193,3,1,0,0,accounting,low +0.39,0.58,3,152,3,1,0,0,accounting,low +0.96,0.72,4,228,2,0,0,0,accounting,high +0.84,0.93,3,242,4,0,0,0,hr,low +0.81,0.62,4,197,3,0,0,0,hr,low +0.51,0.51,5,222,4,0,0,0,hr,low +0.87,0.75,3,222,3,0,0,0,hr,low +0.94,0.77,5,233,4,0,0,0,technical,high +0.69,0.97,4,264,3,0,0,0,technical,low +0.44,0.53,3,132,3,1,0,0,technical,low +0.85,0.55,5,182,3,0,0,0,technical,low +0.18,0.86,6,264,3,0,0,0,technical,high +0.91,0.74,6,253,2,0,0,0,technical,low +0.81,0.83,3,193,3,0,0,0,technical,medium +0.82,0.59,5,143,2,1,0,0,technical,high +0.48,0.79,3,180,2,0,0,0,technical,medium +0.92,0.84,3,220,3,1,0,0,technical,high +0.94,0.88,5,150,4,0,0,0,technical,medium +1,0.56,3,182,3,0,0,0,support,medium +0.96,0.91,3,257,3,0,0,0,support,medium +0.24,0.74,3,269,4,1,0,0,support,medium +0.62,0.89,5,243,3,0,0,0,support,medium +0.55,0.76,4,257,3,0,0,0,support,medium +0.82,0.52,5,233,2,0,0,0,support,medium +0.62,0.56,4,267,4,0,0,0,support,medium +0.61,0.69,4,160,2,1,0,0,support,high +0.72,0.52,3,143,4,1,0,0,support,low +0.45,0.76,4,143,2,1,0,0,support,medium +0.51,0.93,3,162,4,0,0,0,support,medium +0.42,0.53,3,181,5,0,0,0,technical,medium +0.69,0.64,3,286,3,0,0,0,technical,medium +0.61,0.66,2,111,3,0,0,0,technical,medium +0.5,0.98,5,177,4,0,0,0,management,medium +0.25,0.68,4,279,5,1,0,0,IT,medium +0.88,0.89,4,135,3,0,0,0,IT,medium +0.81,0.66,3,160,2,0,0,0,IT,medium +0.75,0.77,3,178,4,0,0,0,IT,high +0.77,0.8,3,147,3,0,0,0,IT,low +0.55,0.72,3,204,2,0,0,0,product_mng,low +0.7,0.73,5,151,2,0,0,0,product_mng,low +0.96,0.78,3,209,2,0,0,0,product_mng,high +0.18,0.73,6,225,4,0,0,0,product_mng,low +0.22,0.62,6,142,3,0,0,0,IT,low +0.95,0.49,3,158,2,0,0,0,RandD,low +0.37,0.71,2,139,4,0,0,0,RandD,high +0.84,0.45,3,263,2,0,0,0,RandD,low +0.8,0.68,3,160,3,0,0,0,RandD,low +0.57,0.55,2,173,2,0,0,0,RandD,low +0.98,0.63,3,169,2,0,0,0,marketing,low +0.95,0.62,3,161,3,0,0,0,sales,low +0.8,0.65,4,172,3,1,0,0,accounting,low +0.52,0.7,3,257,3,0,0,0,support,low +0.31,0.62,2,139,3,0,0,0,technical,medium +0.71,0.59,5,245,2,0,0,0,management,medium +0.71,0.85,3,260,3,0,0,0,marketing,medium +0.5,0.96,5,229,4,0,0,0,marketing,medium +0.95,0.9,2,129,5,0,0,0,marketing,medium +0.95,0.77,3,184,4,0,0,0,sales,medium +0.65,0.85,4,204,3,0,0,0,sales,medium +0.94,0.72,3,152,2,1,0,0,sales,medium +0.72,0.85,4,142,3,0,0,0,sales,medium +0.94,0.79,4,136,2,0,0,0,sales,medium +0.79,0.94,4,216,4,0,0,0,sales,medium +0.6,0.58,3,201,3,0,0,0,sales,medium +0.62,0.76,4,163,3,0,0,0,sales,high +0.94,0.74,4,224,5,0,0,0,sales,low +0.24,0.5,4,209,3,0,0,0,sales,medium +0.17,0.71,5,257,4,1,0,0,sales,medium +0.66,0.83,4,234,4,0,0,0,sales,medium +0.65,0.56,3,221,2,0,0,0,sales,medium +0.51,0.62,2,186,2,0,0,0,sales,low +0.41,0.75,4,199,3,0,0,0,sales,low +0.98,0.99,3,235,3,0,0,0,sales,low +0.96,0.55,5,211,2,0,0,0,sales,low +0.55,0.97,4,136,4,0,0,0,sales,low +0.99,0.71,4,155,3,0,0,0,sales,low +0.51,0.98,4,269,3,0,0,0,accounting,low +0.74,0.9,3,285,3,0,0,0,accounting,low +0.81,0.87,5,241,3,0,0,0,accounting,low +0.51,0.87,3,180,4,0,0,0,hr,low +0.53,0.55,5,224,2,1,0,0,hr,low +0.67,0.48,6,107,2,1,0,0,hr,low +0.68,0.64,2,167,2,0,0,0,hr,low +0.69,0.63,3,137,3,0,0,0,technical,low +0.71,0.65,4,239,3,0,0,0,technical,low +0.64,0.56,3,239,3,0,0,0,technical,low +0.62,0.58,3,148,2,1,0,0,technical,low +0.81,0.5,4,231,3,1,0,0,technical,low +0.84,0.54,4,179,2,0,0,0,technical,low +1,0.67,3,181,2,0,0,0,technical,low +0.72,0.73,5,184,4,1,0,0,technical,low +0.57,0.67,3,207,2,0,0,0,technical,medium +0.73,0.99,4,152,4,0,0,0,technical,medium +0.91,0.59,4,133,4,0,0,0,technical,medium +0.98,0.85,4,178,3,0,0,0,support,medium +0.58,0.95,4,173,3,0,0,0,support,medium +0.73,0.52,2,113,5,1,0,0,support,medium +0.96,0.95,3,236,2,0,0,0,support,medium +0.57,0.98,3,188,5,0,0,0,support,medium +0.77,0.73,3,269,2,0,0,0,support,medium +0.3,0.85,2,203,3,0,0,0,support,medium +0.85,0.75,3,214,3,0,0,0,support,medium +0.49,0.83,2,185,6,0,0,0,support,medium +0.77,0.43,4,265,6,0,0,0,support,high +1,0.99,4,184,4,0,0,0,support,low +0.85,0.74,3,157,3,0,0,0,technical,medium +0.87,0.75,3,258,3,0,0,0,technical,medium +0.9,0.79,3,222,6,1,0,0,technical,medium +0.71,0.8,5,248,4,0,0,0,management,medium +0.59,0.56,5,162,4,0,0,0,IT,low +0.85,0.74,3,250,3,1,0,0,IT,low +0.72,0.82,4,231,3,0,0,0,IT,low +0.73,0.65,3,165,3,0,0,0,IT,low +0.9,0.54,3,272,2,0,0,0,IT,low +0.59,0.65,4,177,2,0,0,0,product_mng,low +0.52,0.9,3,133,3,0,0,0,product_mng,low +0.85,0.49,4,159,3,0,0,0,product_mng,low +0.35,0.4,3,130,3,0,0,0,product_mng,low +0.7,0.68,3,185,4,0,0,0,IT,low +0.58,0.86,3,182,3,0,0,0,RandD,low +0.89,0.5,2,238,4,0,0,0,RandD,low +0.54,0.63,3,211,3,0,0,0,RandD,low +0.55,0.89,4,209,3,0,0,0,RandD,low +0.77,0.62,5,190,3,0,0,0,RandD,low +0.55,0.61,4,272,4,1,0,0,marketing,low +0.6,0.77,3,202,3,0,0,0,sales,low +0.75,0.9,4,185,3,0,0,0,accounting,low +0.57,0.88,3,176,3,0,0,0,support,low +0.69,0.94,4,239,3,0,0,0,technical,low +0.87,0.98,4,238,3,1,0,0,management,low +0.69,0.36,5,269,6,1,0,0,marketing,medium +0.58,0.92,3,232,5,0,0,0,marketing,medium +0.87,0.64,2,148,6,1,0,0,marketing,medium +0.71,0.77,3,149,2,0,0,0,sales,medium +0.74,0.78,4,203,2,0,0,0,sales,medium +0.75,0.53,5,235,3,0,0,0,sales,medium +0.5,0.54,2,269,2,1,0,0,sales,medium +0.59,0.86,4,260,2,0,0,0,sales,medium +0.81,0.84,3,216,3,0,0,0,sales,medium +0.34,0.55,3,136,2,1,0,0,sales,medium +0.53,0.87,5,158,3,0,0,0,sales,medium +0.94,0.85,4,180,4,0,0,0,sales,medium +0.76,0.77,5,133,2,0,0,0,sales,high +0.2,0.58,5,199,4,0,0,0,sales,low +0.97,0.67,3,169,2,1,0,0,sales,medium +0.96,0.72,3,195,2,0,0,0,sales,medium +0.81,0.5,5,205,3,0,0,0,sales,medium +0.2,0.48,4,156,4,1,0,0,sales,medium +0.53,0.71,3,125,2,1,0,0,sales,low +0.75,0.76,3,171,4,0,0,0,sales,low +0.55,0.91,4,199,3,0,0,0,sales,low +0.58,0.65,5,187,2,0,0,0,sales,low +0.99,0.64,4,218,4,0,0,0,accounting,low +0.96,0.86,4,268,3,0,0,0,accounting,low +0.82,0.92,3,257,2,0,0,0,accounting,low +0.88,0.77,4,224,5,1,0,0,hr,low +0.78,0.97,4,221,4,0,0,0,hr,low +0.46,0.47,6,101,5,0,0,0,hr,low +0.88,0.59,3,224,2,0,0,0,hr,low +0.91,0.55,3,223,4,1,0,0,technical,low +0.6,0.68,4,271,4,0,0,0,technical,low +0.82,0.51,3,210,2,0,0,0,technical,low +0.67,0.56,4,241,3,0,0,0,technical,low +0.55,0.61,3,209,3,0,0,0,technical,low +0.73,0.62,5,186,4,0,0,0,technical,low +0.59,0.68,4,273,2,0,0,0,technical,low +0.4,0.65,6,172,2,1,0,0,technical,low +0.56,0.99,3,209,2,0,0,0,technical,low +0.87,0.57,4,175,2,1,0,0,technical,low +0.5,0.53,5,239,3,0,0,0,technical,medium +0.98,0.79,4,231,4,0,0,0,support,medium +0.71,0.96,4,131,3,0,0,0,support,medium +0.72,0.89,4,217,3,0,0,0,support,medium +0.5,0.83,4,242,2,0,0,0,support,medium +0.89,0.56,3,224,2,0,0,0,support,medium +0.56,0.68,3,208,3,1,0,0,support,medium +0.32,0.55,4,167,5,0,0,0,support,medium +0.96,0.88,5,269,2,0,0,0,support,medium +0.67,0.92,4,156,2,0,0,0,support,medium +0.26,0.7,3,238,6,0,0,0,support,medium +0.51,0.9,5,193,4,0,0,0,support,medium +0.16,0.78,4,196,5,0,0,0,technical,high +0.77,0.71,5,233,2,0,0,0,technical,low +0.67,0.52,2,152,5,0,0,0,technical,medium +0.36,0.77,4,252,2,0,0,0,management,medium +0.69,0.82,3,262,5,1,0,0,IT,medium +0.72,0.76,3,261,4,0,0,0,IT,medium +0.72,0.81,4,144,2,0,0,0,IT,low +0.88,0.95,4,234,3,0,0,0,IT,low +0.91,0.55,2,234,2,0,0,0,IT,low +0.96,0.6,4,170,2,1,0,0,product_mng,low +0.49,0.8,3,238,4,0,0,0,product_mng,low +0.59,0.97,5,242,3,0,0,0,product_mng,low +0.8,0.87,4,209,3,0,0,0,product_mng,low +0.91,0.67,4,206,3,0,0,0,IT,low +0.18,0.79,4,240,5,0,0,0,RandD,low +0.94,0.58,5,215,2,0,0,0,RandD,low +0.44,0.61,3,147,4,0,0,0,RandD,low +0.96,0.59,2,265,2,0,0,0,RandD,low +0.55,0.97,4,162,3,0,0,0,RandD,low +0.99,0.54,4,239,3,0,0,0,marketing,low +0.75,0.88,3,224,2,0,0,0,sales,low +0.66,0.78,4,256,3,0,0,0,accounting,low +0.96,0.57,3,263,3,0,0,0,support,low +0.6,0.86,6,272,4,0,0,0,technical,low +0.64,0.78,4,159,4,0,0,0,management,medium +0.85,0.8,4,219,2,0,0,0,marketing,medium +0.3,0.53,3,210,6,0,0,0,marketing,medium +0.74,0.95,4,237,3,1,0,0,marketing,medium +0.14,0.8,5,226,3,0,0,0,sales,medium +0.93,0.76,3,212,3,0,0,0,sales,medium +0.75,0.48,3,250,5,0,0,0,sales,medium +0.58,0.63,4,171,3,0,0,0,sales,medium +0.59,0.6,3,149,4,0,0,0,sales,medium +0.2,0.9,5,228,6,0,0,0,sales,medium +1,0.84,3,215,2,0,0,0,sales,medium +0.51,0.51,3,272,3,0,0,0,sales,medium +0.16,0.72,4,192,6,0,0,0,sales,high +0.77,0.56,5,226,4,0,0,0,sales,low +0.61,0.47,2,149,3,0,0,0,sales,medium +0.73,0.51,3,244,2,0,0,0,sales,medium +0.52,0.85,4,193,3,0,0,0,sales,medium +0.13,0.72,4,247,3,0,0,0,sales,medium +0.73,0.62,3,181,3,0,0,0,sales,low +0.39,0.68,2,137,3,1,0,0,sales,low +0.92,0.8,3,211,4,0,0,0,sales,low +0.34,0.78,5,137,4,0,0,0,sales,low +0.94,0.51,4,229,2,1,0,0,sales,low +0.82,0.65,4,168,3,0,0,0,accounting,low +0.26,0.69,4,180,3,1,0,0,accounting,low +0.78,0.53,4,177,2,0,0,0,accounting,low +0.61,0.95,4,191,2,0,0,0,hr,low +0.5,0.53,3,191,2,1,0,0,hr,low +0.52,0.96,4,125,3,0,0,0,hr,low +0.89,0.79,4,152,3,0,0,0,hr,low +0.85,0.52,4,174,2,0,0,0,technical,low +0.62,0.86,4,135,3,0,0,0,technical,low +0.38,0.67,2,117,3,0,0,0,technical,low +0.55,0.49,2,180,5,1,0,0,technical,low +0.83,0.84,4,146,3,0,0,0,technical,low +0.62,0.65,3,249,3,0,0,0,technical,low +0.6,0.54,3,136,3,1,0,0,technical,low +0.62,0.5,4,198,3,1,0,0,technical,low +0.23,0.88,5,201,3,0,0,0,technical,low +0.13,0.74,6,132,4,1,0,0,technical,medium +0.96,0.63,4,142,4,0,0,0,technical,medium +0.5,0.74,5,256,3,1,0,0,support,medium +0.66,0.72,3,135,2,0,0,0,support,medium +0.61,0.72,4,209,2,0,0,0,support,medium +0.45,0.48,5,287,5,0,0,0,support,medium +0.5,0.95,4,222,3,1,0,0,support,medium +0.75,0.82,3,227,2,0,0,0,support,medium +0.88,0.5,4,162,2,0,0,0,support,medium +0.49,0.79,5,206,2,0,0,0,support,medium +0.82,0.87,5,273,6,0,0,0,support,medium +0.92,0.65,4,135,3,0,0,0,support,medium +0.4,0.85,5,99,2,1,0,0,support,high +0.36,0.61,4,166,4,0,0,0,technical,low +0.8,0.99,5,187,3,1,0,0,technical,medium +0.68,0.65,4,134,3,0,0,0,technical,medium +0.54,0.45,4,137,3,1,0,0,management,medium +0.73,0.69,3,175,2,0,0,0,IT,medium +0.64,0.49,5,188,2,0,0,0,IT,low +0.12,0.39,5,161,4,0,0,0,IT,low +0.6,0.7,4,145,6,0,0,0,IT,low +0.36,0.62,4,111,6,0,0,0,IT,low +0.63,0.76,3,176,2,0,0,0,product_mng,low +0.67,0.94,2,192,3,0,0,0,product_mng,low +0.83,0.9,3,179,2,1,0,0,product_mng,low +0.48,0.9,4,224,3,0,0,0,product_mng,low +0.89,0.56,4,241,5,0,0,0,IT,low +0.71,0.96,3,201,3,0,0,0,RandD,low +0.31,0.59,4,138,2,0,0,0,RandD,low +0.89,0.84,5,168,2,0,0,0,RandD,low +0.38,0.51,2,120,3,0,0,0,RandD,low +0.88,0.92,3,179,3,0,0,0,RandD,low +0.64,0.85,3,250,3,0,0,0,marketing,low +0.65,0.74,4,237,3,1,0,0,sales,low +0.65,0.81,4,192,3,0,0,0,accounting,low +0.54,0.97,4,258,3,0,0,0,support,low +0.69,0.76,4,257,4,0,0,0,technical,low +0.77,0.78,2,271,3,0,0,0,management,low +0.28,0.66,3,184,2,0,0,0,marketing,low +0.33,0.4,6,214,6,0,0,0,marketing,medium +0.83,0.68,4,198,3,0,0,0,marketing,medium +0.89,0.73,3,274,2,0,0,0,sales,medium +0.76,0.6,5,279,2,0,0,0,sales,medium +0.83,0.64,5,272,2,0,0,0,sales,medium +0.57,0.85,4,152,3,0,0,0,sales,medium +0.61,0.89,2,287,4,0,0,0,sales,medium +0.96,0.89,2,239,6,1,0,0,sales,medium +0.17,0.5,4,274,6,0,0,0,sales,medium +0.61,0.6,4,121,2,0,0,0,sales,medium +0.73,0.74,5,199,2,0,0,0,sales,medium +0.3,0.39,3,175,3,0,0,0,sales,medium +0.42,0.67,2,115,3,0,0,0,sales,high +0.65,0.75,3,194,4,1,0,0,sales,low +0.17,0.45,2,119,3,0,0,0,sales,medium +0.12,0.82,5,162,4,1,0,0,sales,medium +0.7,0.78,5,264,2,0,0,0,sales,medium +0.87,0.88,3,179,2,0,0,0,sales,medium +0.43,0.44,5,213,3,0,0,0,sales,low +0.84,0.65,3,269,2,0,0,0,sales,low +0.94,0.55,3,160,3,0,0,0,sales,low +0.89,0.76,4,133,2,0,0,0,accounting,low +0.69,0.75,5,201,3,0,0,0,accounting,low +0.18,0.99,4,160,5,0,0,0,accounting,low +0.98,0.69,3,274,3,0,0,0,hr,low +0.3,0.88,5,245,4,0,0,0,hr,low +0.51,0.53,3,237,3,0,0,0,hr,medium +0.76,0.9,3,279,6,0,0,0,hr,medium +0.67,0.96,4,207,3,0,0,0,technical,medium +0.12,0.84,4,218,6,0,0,0,technical,medium +0.42,0.41,5,240,2,0,0,0,technical,medium +0.69,0.76,3,153,3,0,0,0,technical,medium +0.63,0.96,3,144,2,0,0,0,technical,medium +0.66,0.62,2,159,3,1,0,0,technical,medium +0.5,0.5,3,237,2,0,0,0,technical,medium +0.67,0.82,5,148,2,1,0,0,technical,medium +0.59,0.62,4,205,3,0,0,0,technical,medium +0.75,0.78,2,264,3,1,0,0,technical,medium +0.88,0.89,5,189,2,0,0,0,technical,medium +0.99,0.75,3,243,3,0,0,0,support,medium +0.44,0.42,2,199,2,0,0,0,support,medium +0.65,0.78,4,205,2,0,0,0,support,medium +0.88,0.63,3,184,4,0,0,0,support,medium +0.58,0.79,2,274,4,0,0,0,support,medium +0.99,0.9,4,181,3,0,0,0,support,medium +0.76,0.71,3,205,2,0,0,0,support,medium +0.14,0.98,5,172,5,0,0,0,support,medium +0.57,0.86,3,164,2,0,0,0,support,medium +0.52,0.82,3,138,2,1,0,0,support,medium +0.71,0.55,5,262,3,0,0,0,support,medium +0.27,0.75,5,264,3,0,0,0,technical,medium +0.49,0.52,3,225,2,0,0,0,technical,high +0.59,0.5,3,199,2,0,0,0,technical,high +0.24,0.65,6,210,5,0,0,0,management,high +0.18,0.87,6,226,4,0,0,0,IT,high +0.73,0.62,5,134,3,0,0,0,IT,high +0.78,0.63,6,111,6,0,0,0,IT,high +0.94,0.73,5,142,2,1,0,0,IT,high +0.86,0.53,3,213,3,0,0,0,IT,high +0.97,0.88,4,139,2,0,0,0,product_mng,high +0.49,0.54,3,145,3,0,0,0,product_mng,high +0.82,0.48,4,149,6,0,0,0,product_mng,high +0.86,0.64,4,147,2,1,0,0,product_mng,high +0.3,0.39,3,193,3,1,0,0,IT,low +0.7,0.38,4,270,2,0,0,0,RandD,low +0.8,0.78,5,266,3,0,0,0,RandD,low +0.36,0.63,2,278,4,0,0,0,RandD,low +0.4,0.61,3,165,2,0,0,0,RandD,low +0.8,0.58,4,175,2,0,0,0,RandD,low +0.98,0.73,4,140,4,0,0,0,marketing,low +0.92,0.67,3,149,3,0,0,0,sales,low +0.68,1,3,205,4,0,0,0,accounting,low +1,0.59,3,253,3,0,0,0,support,low +0.8,0.54,3,222,4,0,0,0,technical,low +0.85,0.69,4,216,4,0,0,0,management,low +0.69,0.6,3,139,2,0,0,0,marketing,low +0.57,0.52,4,252,2,0,0,0,marketing,low +0.33,0.72,2,173,2,0,0,0,marketing,low +0.19,0.48,6,178,3,1,0,0,sales,medium +0.5,0.63,3,160,2,0,0,0,sales,medium +0.52,0.88,3,261,4,0,0,0,sales,medium +0.13,0.52,6,188,3,0,0,0,sales,medium +0.18,0.73,4,219,5,0,0,0,sales,medium +0.86,0.64,4,263,3,0,0,0,sales,medium +0.86,0.59,4,165,3,0,0,0,sales,medium +0.16,0.76,6,218,6,0,0,0,sales,medium +0.43,0.46,2,239,3,1,0,0,sales,medium +0.79,0.63,3,212,2,1,0,0,sales,medium +0.51,0.67,4,133,3,0,0,0,sales,medium +0.83,0.55,5,250,3,1,0,0,sales,medium +0.61,0.45,3,114,3,0,0,0,sales,high +0.65,0.57,3,168,2,0,0,0,sales,high +0.95,0.83,4,252,2,0,0,0,sales,high +0.63,0.64,5,189,4,0,0,0,sales,high +0.72,0.6,3,265,2,1,0,0,sales,high +0.8,0.57,3,176,3,0,0,0,sales,high +0.7,0.57,4,150,4,0,0,0,sales,high +0.45,0.79,5,97,6,1,0,0,accounting,high +0.64,0.85,4,265,2,0,0,0,accounting,low +0.94,0.48,4,260,4,0,0,0,accounting,low +0.57,0.76,4,164,2,0,0,0,hr,low +0.35,0.56,4,142,2,0,0,0,hr,low +0.75,0.81,2,247,4,0,0,0,hr,low +0.7,0.92,5,182,3,0,0,0,hr,low +0.7,0.47,2,238,3,0,0,0,technical,low +0.61,0.62,3,191,3,0,0,0,technical,low +0.78,0.87,4,178,3,0,0,0,technical,medium +0.97,0.77,4,208,2,0,0,0,technical,medium +0.51,0.76,3,256,2,0,0,0,technical,medium +0.56,0.71,5,243,3,0,0,0,technical,medium +0.87,0.55,3,233,3,0,0,0,technical,medium +0.64,0.78,5,200,3,0,0,0,technical,medium +0.6,0.85,2,226,2,1,0,0,technical,medium +0.9,0.76,2,150,2,0,0,0,technical,medium +0.54,0.62,2,141,2,0,0,0,technical,medium +0.23,0.8,5,139,3,0,0,0,support,medium +0.8,0.81,3,199,4,1,0,0,support,medium +0.23,0.78,4,154,6,1,0,0,support,medium +0.81,0.51,3,247,2,0,0,0,support,medium +0.35,0.6,5,239,5,0,0,0,support,medium +0.67,0.8,4,137,2,0,0,0,support,medium +0.46,0.6,4,119,5,0,0,0,support,medium +0.84,0.98,4,134,5,1,0,0,support,medium +0.92,0.79,3,243,4,0,0,0,support,medium +0.75,0.93,5,210,3,0,0,0,support,medium +0.7,0.57,4,265,2,0,0,0,support,medium +0.7,0.75,4,204,3,0,0,0,technical,medium +0.9,0.81,6,273,5,0,0,0,technical,medium +0.8,1,3,177,2,0,0,0,technical,medium +0.5,0.65,5,285,6,0,0,0,management,high +0.84,0.72,4,222,2,0,0,0,IT,low +0.48,0.94,3,185,2,1,0,0,IT,medium +0.98,0.87,5,151,6,0,0,0,IT,medium +0.64,0.96,3,109,4,0,0,0,IT,medium +0.58,0.53,4,192,4,0,0,0,IT,medium +0.66,0.89,4,139,3,0,0,0,product_mng,medium +0.76,0.98,4,191,2,0,0,0,product_mng,medium +0.32,0.42,6,114,3,0,0,0,product_mng,medium +0.49,0.87,3,212,2,0,0,0,product_mng,medium +0.81,0.51,3,162,2,0,0,0,IT,medium +0.42,0.48,5,191,5,0,0,0,RandD,medium +0.17,0.85,3,234,3,0,0,0,RandD,low +0.49,0.59,4,265,3,0,0,0,RandD,low +0.34,0.69,6,283,2,0,0,0,RandD,low +0.86,0.81,3,232,4,0,0,0,RandD,low +0.51,0.71,4,208,3,1,0,0,marketing,low +0.49,0.99,4,258,3,1,0,0,sales,low +0.49,0.63,3,175,2,0,0,0,accounting,low +0.51,0.59,3,238,3,0,0,0,support,high +0.64,0.52,3,166,3,0,0,0,technical,low +0.62,0.85,4,225,2,0,0,0,management,high +0.81,0.52,4,221,6,0,0,0,marketing,high +0.95,0.57,2,263,3,0,0,0,marketing,low +0.88,0.66,4,218,4,1,0,0,marketing,low +0.87,0.68,5,236,4,0,0,0,sales,high +0.73,0.68,5,133,2,0,0,0,sales,low +0.98,0.73,2,237,3,0,0,0,sales,medium +0.77,0.48,3,204,6,0,0,0,sales,high +0.76,0.99,3,166,3,0,0,0,sales,medium +0.21,0.93,4,189,2,1,0,0,sales,medium +0.72,0.63,4,251,3,0,0,0,sales,medium +0.41,0.56,2,121,2,0,0,0,sales,medium +0.9,0.56,3,149,2,0,0,0,sales,high +0.96,0.9,5,198,2,0,0,0,sales,medium +0.61,0.48,4,163,3,0,0,0,sales,medium +0.6,0.8,4,222,2,0,0,0,sales,medium +0.5,0.76,2,107,4,0,0,0,sales,high +0.79,0.61,4,162,2,0,0,0,sales,medium +0.32,0.69,6,192,3,0,0,0,sales,high +0.85,0.59,5,236,3,0,0,0,sales,low +0.9,0.62,5,225,2,0,0,0,sales,medium +0.74,0.54,4,167,2,0,0,0,sales,medium +0.21,0.76,6,219,4,1,0,0,sales,medium +0.91,0.61,3,255,3,0,0,0,accounting,medium +0.9,0.66,5,137,2,0,0,0,accounting,low +0.74,0.99,4,193,3,0,0,0,accounting,low +0.76,0.75,3,239,2,0,0,0,hr,low +0.45,0.61,5,179,5,0,0,0,hr,low +0.73,0.63,3,205,2,1,0,0,hr,low +0.6,0.73,3,140,5,1,0,0,hr,low +0.8,0.77,5,256,2,0,0,0,technical,low +0.53,0.7,4,243,3,0,0,0,technical,low +0.97,0.63,5,163,3,0,0,0,technical,low +0.64,0.99,3,167,2,0,0,0,technical,low +0.92,0.59,4,190,5,0,0,0,technical,high +0.6,0.57,5,145,3,1,0,0,technical,low +1,0.6,4,265,4,0,0,0,technical,low +0.69,0.63,4,272,2,0,0,0,technical,low +0.53,0.45,5,140,5,0,0,0,technical,low +0.63,0.58,4,236,2,0,0,0,technical,high +0.57,0.89,4,255,3,1,0,0,technical,low +0.79,0.45,5,131,6,0,0,0,support,low +0.68,0.92,4,209,6,0,0,0,support,low +0.56,0.61,3,250,2,0,0,0,support,high +0.48,0.51,3,201,2,1,0,0,support,low +0.59,0.67,4,271,2,0,0,0,support,medium +0.34,0.76,6,237,5,0,0,0,support,high +0.98,0.87,3,239,4,0,0,0,support,medium +0.36,0.45,2,135,3,1,0,0,support,high +0.6,0.58,2,182,2,0,0,0,support,medium +0.24,0.54,6,193,4,0,0,0,support,medium +0.67,0.72,4,192,3,1,0,0,support,medium +0.17,0.6,5,144,6,0,0,0,technical,medium +0.57,0.58,3,251,3,0,0,0,technical,medium +0.7,0.85,3,161,2,0,0,0,technical,medium +0.73,0.62,3,171,3,0,0,0,management,medium +0.61,0.86,4,153,5,0,0,0,IT,medium +0.95,0.96,4,161,2,0,0,0,IT,high +0.85,0.55,3,226,4,0,0,0,IT,low +0.72,0.9,3,193,3,0,0,0,IT,medium +0.84,0.66,4,204,3,0,0,0,IT,medium +0.57,0.47,2,158,2,0,0,0,product_mng,medium +0.69,0.69,3,236,4,0,0,0,product_mng,medium +0.57,0.68,4,191,3,0,0,0,product_mng,medium +0.52,0.59,6,104,4,0,0,0,product_mng,medium +0.56,0.55,3,245,2,0,0,0,IT,medium +0.75,0.74,3,186,3,1,0,0,RandD,medium +0.98,0.75,5,168,4,1,0,0,RandD,medium +0.48,0.55,4,262,3,1,0,0,RandD,high +0.35,0.67,2,116,3,0,0,0,RandD,low +0.66,0.93,4,187,2,0,0,0,RandD,low +0.79,0.9,5,184,3,0,0,0,marketing,low +0.86,0.53,4,155,3,0,0,0,marketing,high +0.88,1,5,190,2,0,0,0,sales,low +0.83,0.64,3,242,3,0,0,0,accounting,low +0.8,0.64,5,204,2,0,0,0,support,low +0.64,0.69,4,232,3,0,0,0,technical,high +0.72,0.59,4,245,2,0,0,0,management,low +0.67,0.61,3,251,2,0,0,0,marketing,low +0.75,0.7,4,179,2,0,0,0,marketing,low +0.65,0.95,4,153,2,0,0,0,marketing,low +0.98,0.98,5,210,6,0,0,0,sales,low +0.68,0.8,2,257,2,1,0,0,sales,low +0.52,0.37,3,137,4,0,0,0,sales,low +0.68,0.93,4,179,2,0,0,0,sales,medium +0.92,0.74,4,213,3,0,0,0,sales,medium +0.86,0.79,3,106,6,1,0,0,sales,medium +0.5,0.99,4,272,2,0,0,0,sales,medium +0.35,0.37,4,153,2,0,0,0,sales,medium +0.76,0.97,5,172,3,0,0,0,sales,medium +0.66,0.95,4,224,2,0,0,0,sales,medium +0.58,0.71,3,230,3,1,0,0,sales,medium +0.55,0.97,4,222,4,0,0,0,sales,medium +0.9,0.53,3,270,3,0,0,0,sales,medium +0.75,0.71,4,205,3,0,0,0,sales,medium +0.9,0.63,4,134,3,1,0,0,sales,medium +0.14,0.54,5,275,4,1,0,0,sales,high +0.86,0.57,4,183,3,0,0,0,sales,low +0.56,0.84,4,143,4,0,0,0,sales,medium +0.54,0.63,5,259,2,0,0,0,sales,medium +0.36,0.8,5,186,4,0,0,0,accounting,medium +0.82,0.59,3,155,3,0,0,0,accounting,medium +0.49,0.42,2,266,3,0,0,0,accounting,low +0.77,0.97,3,215,2,0,0,0,hr,low +0.64,0.83,4,179,3,0,0,0,hr,low +0.93,0.53,3,217,3,0,0,0,hr,low +0.96,0.94,5,235,3,0,0,0,hr,low +0.6,0.97,3,164,2,0,0,0,technical,low +0.58,0.55,3,178,5,0,0,0,technical,low +0.52,0.49,5,170,3,0,0,0,technical,low +0.74,0.79,5,241,3,0,0,0,technical,low +0.64,0.99,4,222,2,0,0,0,technical,low +0.93,0.59,3,233,3,0,0,0,technical,low +0.76,0.49,5,243,3,0,0,0,technical,low +0.5,0.54,4,175,2,0,0,0,technical,low +0.79,0.55,4,266,3,0,0,0,technical,low +0.97,0.95,5,201,2,0,0,0,technical,low +0.6,0.49,5,259,4,0,0,0,technical,low +0.84,0.73,5,105,5,0,0,0,support,low +0.75,0.99,5,189,3,0,0,0,support,low +0.24,0.91,4,232,2,0,0,0,support,low +0.24,0.91,5,258,6,0,0,0,support,low +0.51,0.58,5,173,3,0,0,0,support,low +0.5,0.88,4,147,3,0,0,0,support,medium +0.66,0.36,3,256,6,0,0,0,support,medium +0.97,0.77,3,206,4,0,0,0,support,medium +0.61,0.5,4,175,3,0,0,0,support,medium +0.77,0.49,4,274,2,1,0,0,support,medium +0.74,0.64,3,229,3,0,0,0,support,medium +0.92,0.98,4,161,3,0,0,0,technical,medium +0.78,0.99,2,188,2,0,0,0,technical,medium +0.56,0.57,3,205,3,0,0,0,technical,medium +0.82,0.63,3,246,3,0,0,0,management,medium +0.26,0.98,5,161,5,0,0,0,IT,medium +0.69,0.85,5,246,3,0,0,0,IT,medium +0.78,0.83,4,158,3,0,0,0,IT,high +0.67,0.86,3,175,3,0,0,0,IT,low +0.77,0.91,5,268,3,1,0,0,IT,medium +0.8,0.63,4,211,2,0,0,0,product_mng,medium +0.51,0.51,3,274,2,0,0,0,product_mng,medium +0.77,0.52,4,241,3,0,0,0,product_mng,medium +0.65,0.71,3,170,2,0,0,0,product_mng,low +0.58,0.53,3,287,5,0,0,0,IT,low +0.67,0.39,2,235,6,0,0,0,RandD,low +0.33,0.39,3,98,3,1,0,0,RandD,low +0.78,0.66,6,105,5,1,0,0,RandD,low +0.58,0.83,3,226,3,0,0,0,RandD,low +0.63,0.59,4,171,4,0,0,0,RandD,low +0.63,0.51,4,153,4,0,0,0,RandD,low +0.59,0.55,3,183,4,0,0,0,marketing,low +0.6,0.9,5,139,3,0,0,0,sales,low +0.93,0.9,5,210,3,0,0,0,accounting,low +0.78,0.77,2,177,4,0,0,0,support,low +0.65,0.6,3,148,2,0,0,0,technical,low +1,0.61,4,198,2,0,0,0,management,low +0.96,1,3,137,4,1,0,0,marketing,low +0.54,0.97,5,233,3,1,0,0,marketing,low +0.98,0.69,2,204,4,0,0,0,marketing,low +0.34,0.59,2,164,2,0,0,0,sales,low +0.71,0.53,5,162,2,0,0,0,sales,low +0.64,0.64,3,180,2,1,0,0,sales,low +0.71,0.93,2,199,2,0,0,0,sales,low +0.58,0.63,4,190,2,0,0,0,sales,medium +0.87,0.96,4,151,3,1,0,0,sales,medium +0.58,0.85,4,162,3,0,0,0,sales,medium +0.87,0.67,3,139,2,0,0,0,sales,medium +0.72,0.86,3,231,3,1,0,0,sales,medium +0.67,0.83,5,269,2,0,0,0,sales,medium +0.53,0.97,4,249,3,0,0,0,sales,medium +0.78,0.61,3,148,2,0,0,0,sales,medium +0.19,0.63,4,233,5,0,0,0,sales,medium +1,0.88,4,240,4,0,0,0,sales,medium +0.75,0.75,5,229,2,1,0,0,sales,medium +0.29,0.66,3,256,2,1,0,0,sales,medium +0.37,0.7,2,188,2,0,0,0,sales,high +0.78,0.5,3,167,2,0,0,0,sales,low +0.24,0.64,5,190,4,0,0,0,sales,medium +0.49,0.7,4,168,3,0,0,0,accounting,medium +0.18,0.64,6,154,5,0,0,0,accounting,medium +0.76,0.85,4,135,3,0,0,0,accounting,medium +0.5,0.97,4,217,3,0,0,0,hr,low +0.82,0.94,3,253,2,0,0,0,hr,low +0.97,0.94,3,180,3,0,0,0,hr,low +0.72,0.9,4,225,2,0,0,0,hr,low +0.98,0.64,4,134,3,1,0,0,technical,low +0.76,0.73,3,192,2,0,0,0,technical,low +0.72,0.88,3,224,3,0,0,0,technical,low +0.96,0.91,3,260,5,0,0,0,technical,low +0.62,0.78,3,178,3,1,0,0,technical,low +0.25,0.98,4,166,5,1,0,0,technical,low +0.82,0.56,5,180,3,0,0,0,technical,low +0.59,0.9,3,189,2,0,0,0,technical,low +0.94,0.73,3,154,3,0,0,0,technical,low +0.72,0.88,3,236,3,0,0,0,technical,low +0.53,0.78,5,198,3,0,0,0,technical,low +0.67,0.83,3,148,3,0,0,0,support,low +0.99,0.52,4,205,2,0,0,0,support,low +0.64,0.53,4,133,3,0,0,0,support,low +0.61,0.57,4,160,3,1,0,0,support,low +0.89,0.85,4,201,2,1,0,0,support,low +0.61,0.7,5,157,4,0,0,0,support,low +0.9,0.74,3,260,2,0,0,0,support,medium +0.96,0.51,5,152,3,0,0,0,support,medium +0.62,0.55,4,218,3,0,0,0,support,medium +0.89,0.57,3,252,2,0,0,0,support,medium +0.52,0.67,4,216,3,0,0,0,support,medium +0.66,0.99,3,183,2,0,0,0,technical,medium +0.96,0.6,5,269,2,0,0,0,technical,medium +0.95,0.89,5,132,4,0,0,0,technical,medium +0.75,0.98,4,170,4,0,0,0,management,medium +0.39,0.87,5,257,5,1,0,0,IT,medium +0.93,0.69,3,138,2,0,0,0,IT,medium +0.44,0.54,3,115,3,0,0,0,IT,medium +0.9,0.67,3,165,2,0,0,0,IT,high +0.75,0.81,3,214,3,0,0,0,IT,low +0.45,0.75,2,246,2,0,0,0,product_mng,medium +0.42,0.6,2,188,3,0,0,0,product_mng,medium +0.99,0.82,3,255,2,0,0,0,product_mng,medium +0.89,0.91,4,190,2,0,0,0,product_mng,medium +0.96,0.9,4,164,4,0,0,0,IT,low +0.5,0.46,3,165,3,0,0,0,RandD,low +0.59,0.59,3,141,3,0,0,0,RandD,low +0.57,0.69,3,154,2,0,0,0,RandD,low +1,0.87,3,165,2,0,0,0,RandD,low +0.6,0.59,5,266,2,0,0,0,RandD,low +0.21,0.85,6,235,6,0,0,0,RandD,low +0.63,0.83,4,159,2,0,0,0,marketing,low +0.8,0.82,3,218,3,0,0,0,sales,low +0.51,0.96,3,149,4,0,0,0,accounting,low +0.89,0.96,5,239,3,0,0,0,support,low +0.83,0.58,4,225,3,0,0,0,technical,low +0.77,0.74,6,247,3,0,0,0,management,low +0.79,0.99,4,183,2,0,0,0,marketing,low +0.63,0.85,5,214,2,0,0,0,marketing,low +0.68,0.48,5,113,2,0,0,0,marketing,low +0.74,0.69,4,244,2,0,0,0,sales,low +0.49,0.67,6,286,4,0,0,0,sales,low +0.46,0.55,3,139,2,0,0,0,sales,medium +0.9,0.91,5,176,3,0,0,0,sales,medium +0.7,0.67,5,136,3,0,0,0,sales,medium +0.84,0.71,4,222,2,0,0,0,sales,medium +0.89,0.77,4,269,4,0,0,0,sales,medium +0.59,0.87,4,183,2,0,0,0,sales,medium +0.57,0.72,3,206,3,0,0,0,sales,medium +0.53,0.49,3,158,3,0,0,0,sales,medium +0.83,0.89,4,136,3,0,0,0,sales,medium +0.51,0.66,4,182,2,0,0,0,sales,medium +0.78,0.61,4,268,3,0,0,0,sales,medium +0.52,0.69,3,144,3,0,0,0,sales,medium +0.42,0.5,5,286,4,0,0,0,sales,high +0.61,0.38,2,268,3,0,0,0,sales,low +0.85,1,3,255,3,0,0,0,sales,medium +0.17,0.85,6,245,5,0,0,0,sales,medium +0.79,0.52,3,134,2,1,0,0,sales,medium +0.56,0.98,3,251,3,1,0,0,accounting,medium +0.5,0.73,5,165,2,0,0,0,accounting,low +0.51,0.53,3,223,2,1,0,0,accounting,low +0.77,0.67,4,225,4,0,0,0,hr,low +0.84,0.9,3,196,3,1,0,0,hr,low +0.21,0.49,3,253,3,0,0,0,hr,low +0.65,0.57,5,222,3,0,0,0,hr,low +0.95,0.87,4,135,3,0,0,0,technical,low +0.8,0.75,4,217,2,0,0,0,technical,low +0.77,0.85,5,192,2,0,0,0,technical,low +0.57,0.7,3,172,3,0,0,0,technical,low +0.92,0.55,4,183,3,0,0,0,technical,low +1,0.71,5,186,2,0,0,0,technical,low +0.85,0.67,4,163,3,0,0,0,technical,low +0.57,0.8,4,262,3,0,0,0,technical,low +0.66,0.68,3,202,3,0,0,0,technical,low +0.85,0.8,4,248,3,0,0,0,technical,low +0.99,0.5,5,214,2,0,0,0,technical,low +0.91,0.82,4,260,4,0,0,0,support,low +0.96,0.97,4,260,3,0,0,0,support,low +0.49,0.52,4,251,2,0,0,0,support,low +0.39,0.85,5,179,5,0,0,0,support,low +0.87,0.74,4,178,2,1,0,0,support,medium +0.19,0.85,6,210,4,0,0,0,support,medium +0.9,0.83,3,273,4,0,0,0,support,medium +0.5,0.5,5,166,2,0,0,0,support,medium +0.7,0.9,5,246,2,0,0,0,support,medium +0.52,0.55,5,192,3,0,0,0,support,medium +0.71,0.69,3,274,3,0,0,0,support,medium +0.4,0.41,3,232,3,0,0,0,technical,medium +0.96,0.53,3,158,4,0,0,0,technical,medium +0.86,0.92,5,137,3,0,0,0,technical,medium +0.68,0.85,3,209,2,0,0,0,management,medium +0.56,0.64,3,206,2,0,0,0,IT,medium +0.65,0.56,3,230,2,0,0,0,IT,high +0.98,0.61,5,239,3,0,0,0,IT,low +0.18,0.51,5,159,6,0,0,0,IT,medium +0.66,0.65,4,244,2,0,0,0,IT,medium +0.14,0.51,5,259,5,0,0,0,product_mng,medium +0.94,0.8,5,245,3,1,0,0,product_mng,medium +0.56,1,3,141,2,1,0,0,product_mng,low +0.56,0.8,5,202,4,0,0,0,product_mng,low +0.59,0.89,5,143,3,1,0,0,IT,low +0.63,0.62,4,286,5,1,0,0,RandD,low +0.97,0.88,5,173,3,0,0,0,RandD,low +0.76,0.7,5,195,3,0,0,0,RandD,low +0.85,0.58,4,167,4,0,0,0,RandD,low +0.23,0.73,5,197,4,1,0,0,RandD,low +0.68,0.62,3,255,5,0,0,0,RandD,low +0.71,0.73,3,274,3,0,0,0,marketing,low +0.5,0.59,3,192,2,0,0,0,sales,low +0.61,0.7,3,225,3,0,0,0,accounting,low +0.99,0.65,3,209,2,1,0,0,support,low +0.97,0.86,5,222,3,0,0,0,technical,low +0.82,0.71,5,208,2,0,0,0,management,low +0.72,0.68,5,162,5,0,0,0,marketing,low +0.53,0.74,3,135,2,0,0,0,marketing,low +0.55,0.87,4,200,3,0,0,0,marketing,low +0.52,0.53,4,159,4,0,0,0,sales,low +0.8,0.81,5,156,2,0,0,0,sales,low +0.51,0.95,4,169,3,1,0,0,sales,low +0.66,0.65,4,154,3,0,0,0,sales,medium +0.56,0.43,2,169,3,0,0,0,sales,medium +0.5,0.84,3,233,3,1,0,0,sales,medium +0.94,0.78,3,218,2,1,0,0,sales,medium +0.42,0.8,4,279,6,0,0,0,sales,medium +0.6,0.61,3,195,3,0,0,0,sales,medium +0.55,0.71,4,223,3,0,0,0,sales,medium +0.76,0.72,3,275,4,1,0,0,sales,medium +0.84,0.74,3,234,3,1,0,0,sales,medium +0.33,0.62,4,113,6,0,0,0,sales,medium +0.61,0.95,3,133,5,0,0,0,sales,medium +0.91,0.93,5,158,4,0,0,0,sales,medium +0.73,0.74,4,214,3,0,0,0,sales,high +0.87,0.67,4,272,4,0,0,0,sales,low +0.38,0.42,2,127,4,0,0,0,sales,medium +0.8,0.51,4,141,3,1,0,0,sales,medium +0.69,0.8,5,263,3,1,0,0,accounting,medium +0.99,0.92,5,174,5,0,0,0,accounting,medium +0.92,0.76,5,246,2,1,0,0,accounting,low +0.6,0.88,3,201,2,0,0,0,hr,low +0.89,0.93,3,181,3,0,0,0,hr,low +0.91,0.93,3,238,2,0,0,0,hr,low +0.35,0.52,3,167,2,0,0,0,hr,low +0.88,0.68,5,224,2,0,0,0,technical,low +0.66,0.69,3,182,3,1,0,0,technical,low +0.21,0.55,4,189,2,0,0,0,technical,low +0.78,0.64,3,169,2,1,0,0,technical,medium +0.21,0.96,4,287,5,0,0,0,technical,medium +0.64,0.94,3,150,2,0,0,0,technical,medium +0.68,0.95,4,146,2,0,0,0,technical,medium +0.99,0.87,4,162,4,0,0,0,technical,medium +0.85,0.55,4,158,5,0,0,0,technical,medium +0.86,0.51,3,185,2,0,0,0,technical,medium +0.89,0.98,3,214,3,0,0,0,technical,medium +0.49,0.85,4,200,3,0,0,0,support,medium +0.76,0.97,4,219,2,0,0,0,support,medium +0.79,0.87,3,218,3,0,0,0,support,medium +0.89,0.64,4,237,2,0,0,0,support,medium +0.34,0.51,3,105,3,0,0,0,support,medium +0.81,0.92,3,251,3,1,0,0,support,medium +0.96,0.7,3,227,2,0,0,0,support,medium +0.7,0.87,3,158,2,0,0,0,support,medium +0.92,0.61,4,252,2,0,0,0,support,medium +0.5,0.76,4,198,3,0,0,0,support,medium +0.75,0.72,2,192,3,0,0,0,support,medium +0.42,0.38,2,139,4,0,0,0,technical,medium +0.29,0.4,6,205,3,0,0,0,technical,medium +0.91,0.48,3,224,3,0,0,0,technical,medium +0.55,0.97,4,267,4,0,0,0,management,medium +0.57,0.81,4,200,3,1,0,0,IT,medium +0.27,0.48,3,97,6,0,0,0,IT,medium +0.7,0.43,6,253,3,0,0,0,IT,high +0.63,0.68,4,191,2,0,0,0,IT,high +0.97,0.63,5,199,2,1,0,0,IT,high +0.28,0.52,3,127,4,0,0,0,product_mng,high +0.7,0.6,3,187,2,0,0,0,product_mng,high +0.83,0.51,4,215,3,0,0,0,product_mng,high +0.22,0.76,4,176,6,1,0,0,product_mng,high +0.55,0.47,3,194,2,0,0,0,IT,high +0.33,0.77,3,216,3,0,0,0,RandD,high +0.5,0.78,4,185,3,0,0,0,RandD,high +0.93,0.88,5,140,3,0,0,0,RandD,high +0.77,0.66,3,260,4,0,0,0,RandD,high +0.93,0.97,5,137,4,0,0,0,RandD,low +0.72,1,4,151,2,0,0,0,RandD,low +0.78,0.53,3,152,2,0,0,0,marketing,low +0.55,0.75,4,166,2,0,0,0,sales,low +0.39,0.86,3,261,2,0,0,0,accounting,low +0.67,0.78,3,235,3,0,0,0,support,low +0.61,0.89,3,201,2,0,0,0,technical,low +0.6,0.69,6,250,5,1,0,0,management,low +0.48,0.64,4,146,2,0,0,0,marketing,low +0.75,0.84,4,195,3,0,0,0,marketing,low +0.87,0.58,4,259,3,0,0,0,marketing,low +0.51,0.54,4,166,4,1,0,0,sales,low +0.63,0.9,4,188,4,1,0,0,sales,low +0.6,0.57,3,203,2,0,0,0,sales,low +0.7,0.99,3,167,3,0,0,0,sales,low +0.5,0.99,2,258,3,1,0,0,sales,medium +0.59,0.51,2,126,3,0,0,0,sales,medium +0.52,0.39,6,246,4,0,0,0,sales,medium +0.55,0.49,3,205,3,0,0,0,sales,medium +0.81,0.62,5,201,3,1,0,0,sales,medium +0.94,0.98,4,197,3,0,0,0,sales,medium +0.98,0.61,3,272,3,0,0,0,sales,medium +0.83,0.84,4,206,2,0,0,0,sales,medium +0.93,0.62,3,184,3,0,0,0,sales,medium +0.99,0.54,3,199,2,0,0,0,sales,medium +0.55,0.57,4,220,3,0,0,0,sales,medium +0.96,0.83,3,233,3,0,0,0,sales,medium +0.28,0.77,3,221,3,0,0,0,sales,high +0.97,0.6,6,168,5,1,0,0,sales,high +0.8,0.78,3,251,3,0,0,0,sales,high +0.75,0.55,2,188,3,0,0,0,accounting,high +0.89,0.88,3,203,3,0,0,0,accounting,high +0.6,0.76,5,168,2,1,0,0,accounting,high +0.73,0.98,3,227,2,1,0,0,hr,high +0.88,0.75,4,159,2,0,0,0,hr,high +0.5,0.7,3,159,3,0,0,0,hr,low +0.53,0.78,5,275,5,0,0,0,hr,low +0.95,0.43,6,283,2,0,0,0,technical,low +0.94,0.53,5,169,3,0,0,0,technical,low +0.49,0.8,3,227,4,1,0,0,technical,low +0.59,0.57,3,147,4,0,0,0,technical,low +0.51,0.91,3,227,2,0,0,0,technical,low +0.66,0.66,4,166,3,0,0,0,technical,low +0.76,0.94,4,168,6,0,0,0,technical,medium +0.12,0.59,3,229,6,0,0,0,technical,medium +0.84,0.65,3,134,3,0,0,0,technical,medium +0.94,0.81,3,196,3,0,0,0,technical,medium +0.63,0.84,4,181,3,0,0,0,technical,medium +0.79,0.99,4,177,3,1,0,0,support,medium +0.85,0.68,3,272,2,1,0,0,support,medium +0.74,0.52,3,213,3,0,0,0,support,medium +0.23,0.75,6,220,3,0,0,0,support,medium +0.62,0.51,4,274,2,0,0,0,support,medium +0.36,0.56,6,242,6,0,0,0,support,medium +0.7,0.83,4,182,3,0,0,0,support,medium +0.57,0.75,5,172,4,0,0,0,support,medium +0.83,0.99,3,226,3,0,0,0,support,medium +0.71,0.96,3,132,2,0,0,0,support,medium +0.23,0.72,6,121,3,0,0,0,support,medium +0.59,0.69,4,207,2,0,0,0,technical,medium +0.69,0.61,2,141,3,0,0,0,technical,medium +0.63,0.81,5,189,3,0,0,0,technical,medium +0.9,0.59,6,269,4,1,0,0,management,medium +0.31,0.57,4,200,4,0,0,0,IT,medium +0.92,0.62,3,199,2,0,0,0,IT,medium +0.96,0.87,4,213,3,0,0,0,IT,medium +0.66,0.51,6,105,4,0,0,0,IT,high +0.48,0.97,4,141,2,0,0,0,IT,low +0.15,0.55,3,255,3,1,0,0,product_mng,medium +0.59,0.79,3,217,4,0,0,0,product_mng,medium +0.66,0.85,6,165,5,0,0,0,product_mng,medium +0.69,0.92,5,220,2,0,0,0,product_mng,medium +0.65,0.79,4,241,4,0,0,0,IT,medium +0.58,0.94,5,274,3,0,0,0,RandD,medium +0.72,0.57,4,224,4,0,0,0,RandD,medium +0.65,0.99,5,240,5,0,0,0,RandD,medium +0.63,0.77,5,210,3,0,0,0,RandD,medium +0.55,0.87,3,215,2,0,0,0,RandD,medium +0.74,0.56,4,254,2,0,0,0,marketing,low +0.58,0.84,4,150,4,1,0,0,sales,low +0.71,0.72,4,177,3,0,0,0,accounting,low +0.83,0.37,5,101,4,1,0,0,support,low +0.63,0.52,3,183,2,0,0,0,technical,low +0.56,0.61,3,224,3,0,0,0,management,low +0.88,0.55,3,263,3,0,0,0,marketing,low +0.82,0.55,3,207,2,0,0,0,marketing,high +0.69,0.72,3,243,3,0,0,0,marketing,low +0.57,0.54,3,157,4,1,0,0,sales,high +0.75,0.69,3,242,3,0,0,0,sales,high +0.6,0.98,4,265,2,0,0,0,sales,low +0.96,0.92,3,196,4,0,0,0,sales,low +0.75,0.67,4,135,2,0,0,0,sales,high +1,0.61,6,270,3,0,0,0,sales,low +0.92,0.97,4,201,2,0,0,0,sales,medium +0.84,0.93,5,225,4,0,0,0,sales,high +0.82,0.77,4,205,3,0,0,0,sales,medium +0.74,0.42,3,131,3,0,0,0,sales,medium +0.21,0.39,2,118,4,0,0,0,sales,medium +0.62,0.64,5,187,3,0,0,0,sales,medium +0.54,0.48,3,275,2,0,0,0,sales,high +0.55,0.97,5,125,4,0,0,0,sales,medium +0.84,0.55,4,270,3,1,0,0,sales,medium +0.61,0.56,2,123,2,0,0,0,sales,medium +0.64,0.53,3,281,3,0,0,0,sales,high +0.92,0.51,3,223,2,0,0,0,sales,medium +0.86,0.87,3,268,2,0,0,0,sales,high +0.6,0.74,4,174,3,0,0,0,accounting,low +0.86,0.92,3,162,3,1,0,0,accounting,medium +0.55,0.51,3,192,3,0,0,0,accounting,medium +0.54,0.58,4,178,3,0,0,0,hr,medium +0.49,0.9,3,250,2,0,0,0,hr,medium +0.98,0.72,3,262,4,0,0,0,hr,low +0.55,0.55,5,194,3,1,0,0,hr,low +0.64,0.5,3,146,3,0,0,0,technical,low +0.54,0.53,4,245,2,0,0,0,technical,low +0.58,0.45,3,131,2,0,0,0,technical,low +0.57,0.37,3,108,4,0,0,0,technical,low +0.65,0.64,5,206,3,0,0,0,technical,low +0.6,0.4,3,146,4,1,0,0,technical,low +0.59,0.45,2,171,2,0,0,0,technical,low +0.77,0.5,4,173,2,1,0,0,technical,low +0.55,0.49,5,240,3,0,0,0,technical,high +0.5,0.6,4,199,2,0,0,0,technical,low +0.43,0.77,3,237,3,1,0,0,technical,low +0.58,0.84,3,258,4,0,0,0,support,low +0.66,0.68,4,269,3,1,0,0,support,low +0.7,0.8,5,245,4,0,0,0,support,high +0.82,0.54,4,164,3,0,0,0,support,low +0.49,0.49,4,256,3,1,0,0,support,low +0.99,0.79,4,213,3,0,0,0,support,low +0.96,0.73,3,193,3,1,0,0,support,high +0.7,0.57,3,179,2,0,0,0,support,low +0.22,0.89,6,278,5,1,0,0,support,medium +0.91,0.52,3,256,2,0,0,0,support,high +0.18,0.76,5,173,4,0,0,0,support,medium +0.84,0.68,4,179,3,0,0,0,technical,high +0.66,0.38,4,145,5,0,0,0,technical,medium +0.49,0.65,3,168,4,0,0,0,technical,medium +0.88,0.89,4,213,3,0,0,0,management,medium +0.69,0.91,6,150,5,0,0,0,IT,medium +0.83,0.75,3,262,3,0,0,0,IT,medium +0.56,0.84,4,149,4,1,0,0,IT,medium +0.95,0.77,5,139,2,0,0,0,IT,medium +0.56,1,3,272,2,0,0,0,IT,medium +0.93,0.73,3,252,4,0,0,0,product_mng,high +0.84,0.52,3,232,4,0,0,0,product_mng,low +0.84,0.48,3,266,2,0,0,0,product_mng,medium +0.52,0.65,4,264,3,0,0,0,product_mng,medium +0.98,0.8,4,142,2,0,0,0,IT,medium +0.66,0.64,5,208,4,0,0,0,RandD,medium +0.92,0.49,5,178,2,1,0,0,RandD,medium +0.71,0.8,5,192,3,0,0,0,RandD,medium +0.65,0.92,4,242,2,0,0,0,RandD,medium +0.23,0.47,4,277,5,0,0,0,RandD,medium +0.71,0.97,3,173,2,1,0,0,marketing,medium +0.21,0.65,4,276,6,0,0,0,marketing,high +0.7,0.72,2,189,3,0,0,0,sales,low +0.9,0.5,4,139,2,0,0,0,accounting,low +0.6,0.52,5,140,3,0,0,0,support,low +0.58,0.63,5,191,3,1,0,0,technical,high +0.73,0.72,5,178,2,0,0,0,management,low +0.56,0.67,4,184,3,0,0,0,marketing,low +0.97,0.57,3,144,3,0,0,0,marketing,low +0.92,0.91,3,160,2,0,0,0,marketing,high +0.77,0.68,3,225,2,0,0,0,sales,low +0.97,0.81,5,266,2,0,0,0,sales,low +0.7,0.69,5,154,2,0,0,0,sales,low +0.78,0.82,4,142,2,1,0,0,sales,low +0.77,0.87,3,207,4,1,0,0,sales,low +0.66,0.53,4,162,3,0,0,0,sales,low +0.25,0.98,6,287,5,1,0,0,sales,low +0.89,0.87,2,270,6,1,0,0,sales,medium +0.15,0.66,5,160,4,1,0,0,sales,medium +0.26,0.91,6,113,2,0,0,0,sales,medium +0.74,0.58,4,178,4,0,0,0,sales,medium +0.52,0.83,3,153,2,0,0,0,sales,medium +0.95,0.62,4,255,2,0,0,0,sales,medium +0.66,0.82,4,257,3,1,0,0,sales,medium +0.79,0.66,4,243,3,0,0,0,sales,medium +0.98,0.94,3,179,3,0,0,0,sales,medium +0.4,0.37,3,123,2,0,0,0,sales,medium +1,0.68,3,132,2,0,0,0,sales,medium +0.71,0.79,3,134,3,0,0,0,sales,medium +0.48,0.45,3,277,2,1,0,0,accounting,high +0.76,1,5,265,2,0,0,0,accounting,low +0.61,0.62,4,269,4,0,0,0,accounting,medium +0.74,0.9,4,156,4,0,0,0,hr,medium +0.24,0.94,6,237,5,0,0,0,hr,medium +0.79,0.97,3,271,2,0,0,0,hr,medium +0.75,0.98,3,206,2,0,0,0,hr,low +0.6,0.98,4,192,3,0,0,0,technical,low +0.72,0.95,4,230,3,0,0,0,technical,low +1,0.6,4,261,3,0,0,0,technical,low +0.55,0.88,3,173,3,1,0,0,technical,low +0.3,0.98,2,109,4,1,0,0,technical,low +0.89,0.59,3,247,4,0,0,0,technical,low +0.84,0.84,5,163,3,0,0,0,technical,low +0.67,0.64,4,149,4,0,0,0,technical,low +0.15,0.48,6,218,6,0,0,0,technical,low +0.59,0.75,4,194,2,0,0,0,technical,low +0.5,0.59,4,157,2,0,0,0,technical,low +0.23,0.68,5,244,3,0,0,0,support,low +0.95,0.58,5,169,2,0,0,0,support,low +0.31,0.53,2,146,3,1,0,0,support,low +0.47,0.55,5,207,3,0,0,0,support,low +0.26,0.95,3,195,5,0,0,0,support,low +0.55,0.64,6,148,4,0,0,0,support,low +0.89,0.58,3,272,2,0,0,0,support,low +0.88,0.68,3,185,2,0,0,0,support,low +0.98,0.62,5,260,2,1,0,0,support,low +0.96,0.48,3,182,2,1,0,0,support,medium +0.85,0.65,3,195,3,0,0,0,support,medium +0.96,0.85,3,168,3,0,0,0,technical,medium +0.85,0.88,3,198,4,1,0,0,technical,medium +0.59,0.93,5,172,2,0,0,0,technical,medium +0.51,0.5,4,216,2,1,0,0,management,medium +0.5,0.75,3,232,2,0,0,0,IT,medium +0.53,0.59,3,148,3,0,0,0,IT,medium +0.44,0.83,4,210,2,0,0,0,IT,medium +0.99,0.55,3,197,2,0,0,0,IT,medium +0.73,0.83,4,241,3,0,0,0,IT,medium +0.51,0.71,5,154,2,0,0,0,product_mng,medium +0.5,0.84,3,259,2,0,0,0,product_mng,high +0.52,0.76,4,106,2,1,0,0,product_mng,low +0.74,0.74,5,262,2,0,0,0,product_mng,medium +0.69,0.89,2,202,2,0,0,0,IT,medium +0.22,0.65,5,174,5,1,0,0,RandD,medium +0.49,0.89,4,240,2,0,0,0,RandD,medium +0.7,0.57,5,247,3,0,0,0,RandD,low +0.68,0.63,4,148,3,0,0,0,RandD,low +0.66,0.84,5,187,2,1,0,0,RandD,low +0.99,0.58,4,183,3,0,0,0,marketing,low +0.88,0.59,4,240,2,0,0,0,sales,low +0.2,0.54,4,149,3,0,0,0,accounting,low +0.56,0.44,2,130,3,0,0,0,support,low +0.68,0.85,4,203,2,0,0,0,technical,low +0.85,0.6,3,218,3,0,0,0,management,low +0.95,0.95,4,204,3,1,0,0,marketing,low +0.6,0.77,4,163,3,1,0,0,marketing,low +0.61,0.53,4,183,3,0,0,0,marketing,low +0.55,0.55,4,211,4,0,0,0,sales,low +0.64,0.78,5,156,5,1,0,0,sales,low +0.64,0.6,3,196,3,0,0,0,sales,low +0.87,0.54,4,162,2,0,0,0,sales,low +0.2,0.9,3,218,4,0,0,0,sales,low +0.99,0.64,4,135,2,1,0,0,sales,low +0.96,0.7,2,273,3,0,0,0,sales,low +0.53,0.65,3,241,3,0,0,0,sales,low +0.7,0.39,6,285,4,0,0,0,sales,low +0.68,0.61,6,236,3,0,0,0,sales,medium +0.96,0.48,4,222,3,0,0,0,sales,medium +0.64,0.64,4,242,3,0,0,0,sales,medium +0.86,0.65,5,166,3,0,0,0,sales,medium +0.87,0.84,3,172,3,0,0,0,sales,medium +0.53,0.56,4,249,2,0,0,0,sales,medium +0.72,0.98,4,180,2,0,0,0,sales,medium +0.83,0.59,4,197,4,0,0,0,sales,medium +0.97,0.54,5,185,2,0,0,0,sales,medium +0.92,0.76,3,171,2,0,0,0,sales,medium +0.82,0.95,6,191,6,0,0,0,accounting,medium +0.59,0.56,4,250,2,0,0,0,accounting,medium +0.84,0.95,5,199,3,0,0,0,accounting,high +0.71,0.84,3,139,2,0,0,0,hr,low +0.49,0.98,3,224,3,0,0,0,hr,medium +0.78,0.61,3,227,3,0,0,0,hr,medium +0.84,0.81,4,198,2,0,0,0,hr,medium +0.85,0.96,5,165,5,0,0,0,technical,medium +0.87,0.93,4,199,3,0,0,0,technical,low +0.94,0.84,5,203,3,0,0,0,technical,low +0.82,0.97,4,243,3,1,0,0,technical,low +0.78,0.78,3,135,3,0,0,0,technical,low +0.47,0.55,4,100,4,1,0,0,technical,low +0.5,0.48,2,150,3,1,0,0,technical,low +0.75,0.82,4,252,3,0,0,0,technical,low +0.36,0.39,3,98,3,0,0,0,technical,low +0.91,0.61,3,262,3,0,0,0,technical,low +0.87,0.68,3,257,3,0,0,0,technical,low +0.97,0.94,3,160,3,0,0,0,support,low +0.71,0.65,3,190,3,0,0,0,support,low +0.83,0.65,3,231,2,0,0,0,support,low +0.42,0.51,3,190,4,0,0,0,support,low +0.53,0.51,4,181,3,0,0,0,support,low +0.56,0.88,4,273,3,0,0,0,support,low +0.26,0.7,5,214,6,1,0,0,support,low +0.53,0.49,4,192,2,0,0,0,support,low +0.99,0.73,4,224,2,0,0,0,support,low +0.48,0.43,3,96,3,0,0,0,support,low +0.91,0.5,3,276,4,0,0,0,support,low +0.76,0.79,3,162,2,1,0,0,technical,medium +0.67,0.8,4,190,4,0,0,0,technical,medium +0.58,0.6,4,147,3,0,0,0,technical,medium +0.57,0.78,4,143,3,0,0,0,management,medium +0.55,0.57,5,280,6,1,0,0,IT,medium +0.79,0.49,3,137,2,0,0,0,IT,medium +0.48,0.98,3,259,6,0,0,0,IT,medium +0.68,0.69,4,176,3,1,0,0,IT,medium +0.19,0.64,5,231,4,1,0,0,IT,medium +0.99,0.48,3,104,3,0,0,0,product_mng,medium +0.3,0.76,5,224,2,0,0,0,product_mng,medium +0.81,0.85,4,202,3,1,0,0,product_mng,medium +0.58,0.74,4,180,3,0,0,0,product_mng,high +0.74,0.61,3,228,2,1,0,0,IT,low +0.59,0.74,5,165,2,0,0,0,RandD,medium +0.46,0.63,2,177,6,0,0,0,RandD,medium +0.58,0.43,3,194,2,1,0,0,RandD,medium +0.77,0.95,3,192,4,1,0,0,RandD,medium +0.79,0.77,4,171,2,0,0,0,RandD,low +0.51,0.95,3,187,2,0,0,0,marketing,low +0.7,0.58,3,205,3,0,0,0,sales,low +0.84,0.73,5,230,4,1,0,0,accounting,low +0.19,0.9,5,172,2,0,0,0,support,low +0.9,0.52,4,167,3,1,0,0,technical,low +0.19,0.91,5,145,3,0,0,0,management,low +0.96,0.53,3,166,3,0,0,0,marketing,low +0.87,1,3,148,3,0,0,0,marketing,low +0.5,0.89,5,223,3,0,0,0,marketing,low +0.88,0.58,2,123,4,0,0,0,sales,low +0.55,0.99,3,158,3,0,0,0,sales,low +0.89,0.86,3,223,2,0,0,0,sales,low +0.58,0.69,3,252,3,0,0,0,sales,low +0.58,0.96,5,143,2,0,0,0,sales,low +0.34,0.88,5,131,6,0,0,0,sales,low +0.54,0.65,5,206,4,1,0,0,sales,low +0.59,0.54,4,210,3,0,0,0,sales,low +0.88,0.96,4,262,3,0,0,0,sales,medium +0.72,0.69,4,147,3,0,0,0,sales,medium +0.79,0.75,4,259,3,0,0,0,sales,medium +0.51,0.73,4,174,3,0,0,0,sales,medium +0.84,0.84,3,150,4,0,0,0,sales,medium +0.95,0.67,4,219,2,0,0,0,sales,medium +0.58,0.88,5,178,4,0,0,0,sales,medium +0.69,0.98,3,269,3,1,0,0,sales,medium +0.17,0.64,6,205,5,1,0,0,sales,medium +0.81,0.72,3,232,3,1,0,0,sales,medium +0.41,0.5,3,193,3,0,0,0,sales,medium +0.12,0.42,3,110,2,0,0,0,accounting,medium +0.71,0.6,4,208,3,0,0,0,accounting,high +0.32,0.69,5,157,4,0,0,0,accounting,low +0.83,0.98,5,187,4,0,0,0,hr,medium +0.74,0.92,4,226,3,0,0,0,hr,medium +0.67,0.85,4,266,3,0,0,0,hr,medium +0.85,0.56,3,159,3,0,0,0,hr,medium +0.49,0.75,4,259,3,1,0,0,technical,low +0.7,0.74,4,150,3,1,0,0,technical,low +0.44,0.58,4,152,3,0,0,0,technical,low +0.5,0.87,5,245,2,0,0,0,technical,low +0.63,0.74,5,227,2,0,0,0,technical,low +0.87,0.77,4,261,3,0,0,0,technical,low +0.82,0.53,4,162,3,1,0,0,technical,low +0.97,0.89,4,193,3,0,0,0,technical,low +0.9,0.81,4,144,2,0,0,0,technical,low +0.41,0.5,6,151,2,0,0,0,technical,low +0.58,0.94,4,225,2,0,0,0,technical,low +0.77,0.5,5,170,2,0,0,0,support,low +0.89,0.75,4,246,3,1,0,0,support,low +0.64,0.72,4,254,3,0,0,0,support,low +0.31,0.79,2,193,4,0,0,0,support,low +0.6,0.88,4,175,3,0,0,0,support,low +0.2,1,3,123,4,0,0,0,support,low +0.13,0.6,3,178,5,0,0,0,support,low +0.95,0.9,3,259,2,0,0,0,support,low +0.15,0.96,5,201,6,0,0,0,support,low +0.22,0.98,4,185,3,0,0,0,support,low +0.33,0.51,2,166,3,0,0,0,support,medium +0.23,0.96,4,213,4,0,0,0,technical,medium +0.85,0.79,4,138,2,0,0,0,technical,medium +0.79,0.57,3,168,2,0,0,0,technical,medium +0.6,0.6,4,197,3,0,0,0,management,medium +0.89,0.74,5,220,3,0,0,0,IT,medium +0.65,0.92,3,101,3,1,0,0,IT,medium +0.61,0.7,4,175,3,1,0,0,IT,medium +0.4,0.79,5,181,5,0,0,0,IT,medium +0.49,0.57,3,157,3,0,0,0,IT,medium +0.95,0.75,3,247,2,0,0,0,product_mng,medium +0.85,1,5,244,2,0,0,0,product_mng,medium +0.24,0.39,4,152,5,0,0,0,product_mng,high +0.85,0.99,5,176,4,0,0,0,product_mng,low +0.99,0.98,5,241,2,0,0,0,IT,medium +0.49,0.49,4,240,2,0,0,0,RandD,medium +0.56,0.73,3,226,3,0,0,0,RandD,medium +0.65,0.66,6,240,4,0,0,0,RandD,medium +0.62,0.68,3,253,5,1,0,0,RandD,low +0.78,0.68,4,174,3,1,0,0,RandD,low +0.54,0.7,3,213,2,0,0,0,marketing,low +0.61,0.77,4,195,2,0,0,0,sales,low +0.49,0.99,6,230,4,0,0,0,accounting,low +0.29,0.85,2,248,6,1,0,0,support,low +0.64,0.79,4,274,2,1,0,0,technical,low +0.93,0.94,4,217,2,0,0,0,management,low +0.16,0.66,6,229,6,0,0,0,marketing,low +0.68,0.85,5,173,3,0,0,0,marketing,low +0.71,0.8,2,146,4,0,0,0,marketing,low +0.62,0.82,5,151,5,0,0,0,sales,low +0.74,0.75,2,137,3,1,0,0,sales,low +0.81,0.5,3,198,3,0,0,0,sales,low +0.2,0.82,4,190,5,0,0,0,sales,low +0.51,0.91,4,206,3,0,0,0,sales,low +0.55,0.99,4,238,3,0,0,0,sales,low +0.45,0.41,3,193,2,1,0,0,sales,low +0.91,0.61,4,176,3,0,0,0,sales,low +0.73,0.59,6,121,5,0,0,0,sales,low +0.98,0.88,4,145,2,0,0,0,sales,low +0.62,0.65,4,212,3,1,0,0,sales,medium +0.57,0.62,3,198,4,0,0,0,sales,medium +0.99,0.57,3,189,4,1,0,0,sales,medium +0.82,0.68,2,200,3,0,0,0,sales,medium +0.24,0.81,4,217,5,0,0,0,sales,medium +0.84,0.73,5,245,3,0,0,0,sales,medium +0.9,0.55,3,260,3,0,0,0,sales,medium +0.13,0.73,5,206,5,0,0,0,sales,medium +0.6,0.67,3,249,2,0,0,0,sales,medium +0.72,0.87,4,154,2,1,0,0,accounting,medium +0.68,0.61,4,147,3,0,0,0,accounting,medium +0.51,0.72,3,148,2,0,0,0,accounting,medium +0.74,0.58,3,220,2,0,0,0,hr,high +0.86,0.73,3,241,3,0,0,0,hr,low +0.85,0.51,3,242,3,0,0,0,hr,medium +0.63,0.85,2,156,3,1,0,0,hr,medium +0.74,0.87,3,155,3,0,0,0,technical,medium +0.6,0.5,3,211,3,0,0,0,technical,medium +0.69,0.82,4,137,2,1,0,0,technical,low +0.56,0.96,2,269,2,0,0,0,technical,low +0.5,0.67,2,142,3,0,0,0,technical,low +0.84,0.5,5,267,2,0,0,0,technical,low +0.93,0.48,5,134,6,0,0,0,technical,low +0.12,0.5,5,287,4,0,0,0,technical,low +0.52,0.58,4,134,3,0,0,0,technical,low +0.6,0.54,3,185,2,0,0,0,technical,low +0.71,1,3,181,4,0,0,0,technical,medium +0.21,0.81,5,169,4,0,0,0,support,medium +0.15,0.84,3,201,6,0,0,0,support,medium +0.38,0.55,2,215,6,0,0,0,support,medium +0.27,0.86,3,222,5,0,0,0,support,medium +0.86,0.64,4,137,2,0,0,0,support,medium +0.17,0.52,6,176,5,0,0,0,support,medium +0.66,0.69,3,257,2,0,0,0,support,medium +0.95,0.51,3,224,4,0,0,0,support,medium +0.59,0.92,5,226,3,0,0,0,support,medium +0.49,0.61,5,196,3,0,0,0,support,medium +0.9,0.88,5,256,4,0,0,0,support,medium +0.98,0.81,3,153,4,0,0,0,technical,medium +0.52,1,4,221,3,0,0,0,technical,medium +0.12,0.95,3,236,3,0,0,0,technical,medium +0.91,0.67,5,137,3,0,0,0,management,medium +0.99,0.62,4,256,2,0,0,0,IT,medium +0.49,0.8,4,161,2,0,0,0,IT,medium +0.92,0.51,4,167,3,1,0,0,IT,medium +0.21,0.84,3,194,2,0,0,0,IT,medium +0.89,0.9,3,231,3,0,0,0,IT,medium +0.84,0.81,4,152,2,1,0,0,product_mng,medium +0.72,0.68,3,150,3,1,0,0,product_mng,medium +0.57,0.46,3,207,3,0,0,0,product_mng,medium +0.9,0.69,4,172,3,0,0,0,product_mng,medium +0.59,0.75,2,273,2,0,0,0,IT,high +0.97,0.69,4,134,3,0,0,0,RandD,high +0.56,0.85,3,109,2,0,0,0,RandD,high +0.78,0.59,4,124,3,1,0,0,RandD,high +0.64,0.72,4,253,4,0,0,0,RandD,high +0.58,0.9,5,224,3,0,0,0,RandD,high +0.68,0.58,3,217,2,0,0,0,marketing,high +0.82,0.73,3,148,4,0,0,0,sales,high +0.83,0.78,5,240,3,0,0,0,accounting,high +0.49,0.49,2,226,3,0,0,0,support,high +0.57,0.95,4,176,3,0,0,0,technical,high +0.66,0.93,4,248,3,0,0,0,management,high +0.78,0.6,2,206,2,0,0,0,marketing,low +0.55,0.8,3,192,3,1,0,0,marketing,low +0.98,0.62,3,140,4,0,0,0,marketing,low +0.89,0.51,4,141,3,0,0,0,sales,low +0.67,0.83,3,220,3,0,0,0,sales,low +1,0.49,4,140,3,0,0,0,sales,low +0.67,0.44,4,194,2,1,0,0,sales,low +0.2,0.98,2,228,3,0,0,0,sales,low +0.71,0.87,4,238,3,0,0,0,sales,low +0.65,0.91,3,207,3,0,0,0,sales,low +0.82,0.82,4,164,2,0,0,0,sales,low +0.48,0.89,3,224,3,0,0,0,sales,low +0.96,0.9,4,201,3,0,0,0,sales,low +0.52,0.63,3,171,2,0,0,0,sales,low +0.24,0.78,5,131,5,0,0,0,sales,low +0.92,0.95,6,239,4,0,0,0,sales,medium +0.66,0.89,3,202,3,1,0,0,sales,medium +0.93,0.68,3,137,3,1,0,0,sales,medium +0.77,0.59,4,153,3,0,0,0,sales,medium +0.6,0.48,4,219,4,1,0,0,sales,medium +0.78,0.49,3,194,3,1,0,0,sales,medium +0.6,0.53,4,228,3,0,0,0,sales,medium +0.31,1,4,177,5,0,0,0,accounting,medium +0.49,0.68,3,181,3,0,0,0,accounting,medium +0.33,0.95,4,280,3,0,0,0,accounting,medium +0.76,0.91,3,133,2,0,0,0,hr,medium +0.65,0.63,3,237,3,0,0,0,hr,medium +0.88,0.75,5,152,3,0,0,0,hr,high +0.52,0.92,5,280,6,1,0,0,hr,high +0.48,0.5,6,253,4,0,0,0,technical,high +0.2,0.59,5,105,4,0,0,0,technical,high +0.93,0.84,3,159,3,0,0,0,technical,high +0.55,0.92,4,257,2,0,0,0,technical,high +0.73,0.64,3,202,4,0,0,0,technical,high +0.57,0.56,3,241,3,0,0,0,technical,high +0.63,0.8,3,267,3,0,0,0,technical,low +0.23,0.88,4,175,6,0,0,0,technical,low +0.93,0.53,3,257,2,1,0,0,technical,low +0.78,0.86,4,240,3,0,0,0,technical,low +0.75,0.73,5,181,3,1,0,0,technical,low +0.61,0.82,3,271,3,0,0,0,support,low +0.36,0.97,5,151,3,0,0,0,support,low +0.59,0.67,2,168,3,0,0,0,support,low +0.78,0.63,4,265,3,0,0,0,support,medium +0.93,0.53,5,204,2,0,0,0,support,medium +0.67,0.72,4,223,3,0,0,0,support,medium +0.52,0.63,4,136,2,0,0,0,support,medium +0.69,0.95,5,184,2,0,0,0,support,medium +0.25,0.8,5,186,4,1,0,0,support,medium +0.4,0.43,3,128,3,0,0,0,support,medium +0.98,0.83,5,211,3,0,0,0,support,medium +0.92,0.89,4,236,4,1,0,0,technical,medium +0.57,0.98,3,214,2,0,0,0,technical,medium +0.81,0.52,4,274,3,0,0,0,technical,medium +0.56,0.67,5,165,3,1,0,0,management,medium +0.86,0.71,5,235,4,0,0,0,IT,medium +0.74,0.9,4,189,2,0,0,0,IT,medium +0.57,0.61,3,112,5,0,0,0,IT,medium +0.9,0.64,3,163,3,0,0,0,IT,medium +0.8,0.57,3,162,2,0,0,0,IT,medium +0.22,0.8,4,149,5,0,0,0,product_mng,medium +0.73,0.84,4,238,2,0,0,0,product_mng,medium +0.48,0.47,3,160,3,0,0,0,product_mng,medium +0.52,0.94,3,263,3,0,0,0,product_mng,medium +0.53,0.71,4,271,3,0,0,0,IT,medium +0.97,0.48,4,221,3,0,0,0,RandD,medium +0.97,0.54,3,255,2,1,0,0,RandD,high +0.54,0.88,4,170,4,0,0,0,RandD,low +0.99,0.7,4,190,4,1,0,0,RandD,medium +0.79,0.76,4,216,4,0,0,0,RandD,medium +0.71,0.54,3,249,3,0,0,0,marketing,medium +0.82,0.76,3,174,3,0,0,0,sales,medium +0.6,0.7,4,265,4,1,0,0,accounting,medium +0.17,0.88,2,206,4,0,0,0,support,medium +0.73,0.6,4,222,3,0,0,0,technical,medium +0.69,0.54,5,152,3,1,0,0,management,medium +0.86,0.61,4,221,2,0,0,0,marketing,medium +0.67,0.55,5,239,2,0,0,0,marketing,medium +0.25,0.96,6,217,4,0,0,0,marketing,low +0.65,0.66,3,164,2,0,0,0,sales,low +0.81,0.56,3,142,3,0,0,0,sales,low +0.58,0.53,4,181,3,1,0,0,sales,low +0.14,0.57,4,207,5,0,0,0,sales,low +0.15,0.37,2,167,3,0,0,0,sales,low +0.98,0.51,3,243,2,0,0,0,sales,low +0.91,0.5,4,231,3,0,0,0,sales,high +0.86,0.71,4,250,3,1,0,0,sales,low +0.56,0.63,3,145,2,0,0,0,sales,high +0.58,0.77,4,190,6,0,0,0,sales,high +0.54,0.64,2,128,2,0,0,0,sales,low +0.59,0.99,5,254,3,1,0,0,sales,low +0.92,0.88,3,145,4,1,0,0,sales,high +0.82,0.8,4,246,3,0,0,0,sales,low +0.86,0.68,5,246,2,0,0,0,sales,medium +0.66,0.77,5,236,3,0,0,0,sales,high +0.85,0.66,3,234,3,0,0,0,sales,medium +0.8,0.6,3,247,2,0,0,0,sales,medium +0.99,0.61,3,154,3,0,0,0,sales,medium +0.25,0.45,3,228,5,0,0,0,accounting,medium +0.93,0.99,4,209,3,1,0,0,accounting,high +0.5,0.54,5,173,2,0,0,0,accounting,medium +0.68,0.71,4,206,2,0,0,0,hr,medium +0.62,0.87,3,151,2,1,0,0,hr,medium +0.99,0.54,4,196,4,1,0,0,hr,high +0.93,0.52,3,229,2,1,0,0,hr,medium +0.2,0.75,3,235,4,0,0,0,technical,high +0.58,0.61,4,200,3,0,0,0,technical,low +0.94,0.76,4,261,6,0,0,0,technical,medium +0.18,0.54,4,165,3,0,0,0,technical,medium +0.18,0.62,3,165,4,0,0,0,technical,medium +0.7,0.74,5,255,2,0,0,0,technical,medium +0.93,0.92,5,185,5,0,0,0,technical,low +0.5,0.76,4,229,3,1,0,0,technical,low +0.54,0.71,3,153,3,0,0,0,technical,low +0.74,0.63,4,238,2,0,0,0,technical,low +0.66,0.67,3,199,2,0,0,0,technical,low +0.61,0.87,3,185,2,1,0,0,support,low +0.74,0.98,3,196,6,1,0,0,support,low +0.48,0.51,4,201,4,0,0,0,support,low +0.65,0.84,3,189,2,1,0,0,support,low +0.94,0.49,2,250,5,0,0,0,support,low +0.91,0.79,4,254,2,0,0,0,support,high +0.87,0.65,3,212,3,1,0,0,support,low +0.23,0.79,5,196,5,1,0,0,support,low +0.4,0.73,4,146,3,0,0,0,support,low +0.68,0.85,3,250,3,0,0,0,support,low +0.95,0.88,3,266,2,1,0,0,support,high +0.63,0.96,4,133,2,0,0,0,technical,low +0.47,0.53,4,181,3,0,0,0,technical,low +0.2,0.5,6,282,6,1,0,0,technical,low +0.72,0.84,2,173,2,1,0,0,management,high +0.56,0.57,5,237,2,0,0,0,IT,low +0.7,0.74,3,202,2,0,0,0,IT,medium +0.59,0.82,3,162,2,0,0,0,IT,high +0.78,0.96,3,248,3,0,0,0,IT,medium +0.62,0.64,3,165,3,0,0,0,IT,high +0.71,0.61,2,216,2,0,0,0,product_mng,medium +0.72,0.45,4,143,6,0,0,0,product_mng,medium +0.76,0.77,3,254,3,0,0,0,product_mng,medium +0.83,0.56,3,186,3,0,0,0,product_mng,medium +0.92,0.99,4,245,4,0,0,0,IT,medium +0.67,0.77,3,157,3,0,0,0,RandD,medium +0.56,0.45,3,184,3,0,0,0,RandD,medium +0.91,0.63,4,210,3,0,0,0,RandD,medium +0.56,0.86,4,137,2,1,0,0,RandD,high +0.72,0.95,3,145,2,0,0,0,RandD,low +0.56,0.86,4,181,3,0,0,0,marketing,medium +0.92,0.56,3,174,3,0,0,0,sales,medium +0.74,0.88,5,183,3,1,0,0,accounting,medium +0.88,0.84,4,171,4,1,0,0,support,medium +0.69,0.72,2,190,2,0,0,0,technical,medium +0.87,0.78,4,142,3,0,0,0,management,medium +0.98,0.5,3,198,3,0,0,0,marketing,medium +0.9,0.61,3,185,3,0,0,0,marketing,medium +0.49,0.87,4,171,3,1,0,0,marketing,medium +0.78,0.57,4,264,3,0,0,0,sales,high +0.58,0.98,3,175,3,0,0,0,sales,low +0.91,0.88,5,210,2,1,0,0,sales,low +0.92,0.75,4,212,3,0,0,0,sales,low +0.36,0.66,4,97,2,0,0,0,sales,high +0.55,0.53,4,214,3,0,0,0,sales,low +0.95,0.96,4,244,3,0,0,0,sales,low +0.5,0.67,3,246,3,0,0,0,sales,low +0.42,0.73,3,115,6,0,0,0,sales,high +0.75,0.68,3,237,5,0,0,0,sales,low +0.88,0.7,4,146,4,0,0,0,sales,low +0.53,0.63,5,159,4,0,0,0,sales,low +0.84,0.4,4,246,3,0,0,0,sales,low +0.49,0.93,3,226,3,0,0,0,sales,low +0.71,0.91,3,261,3,0,0,0,sales,low +0.83,0.64,4,242,2,0,0,0,sales,low +0.88,0.93,4,177,3,0,0,0,sales,medium +0.87,0.53,4,144,3,0,0,0,sales,medium +0.43,0.82,2,221,5,0,0,0,sales,medium +0.8,0.9,5,265,3,0,0,0,accounting,medium +0.32,0.67,5,224,4,1,0,0,accounting,medium +0.77,0.56,3,167,4,0,0,0,accounting,medium +0.97,0.77,3,245,3,0,0,0,hr,medium +0.98,0.63,4,232,2,0,0,0,hr,medium +0.62,0.64,5,229,2,0,0,0,hr,medium +0.53,0.94,4,128,6,0,0,0,hr,medium +0.93,0.49,3,211,2,0,0,0,technical,medium +0.51,0.91,4,194,2,0,0,0,technical,medium +0.76,0.76,4,214,3,0,0,0,technical,high +0.69,0.89,3,216,4,0,0,0,technical,low +0.58,0.6,4,222,3,0,0,0,technical,medium +0.98,0.77,4,144,4,0,0,0,technical,medium +0.58,0.54,3,287,6,0,0,0,technical,medium +0.57,0.97,4,224,4,0,0,0,technical,medium +0.84,0.79,4,157,4,0,0,0,technical,low +0.15,0.67,5,216,6,0,0,0,technical,low +0.88,0.72,5,181,4,0,0,0,technical,low +0.69,0.99,3,133,3,0,0,0,support,low +0.56,0.84,5,154,2,1,0,0,support,low +0.49,0.58,3,265,3,0,0,0,support,low +0.4,0.45,4,113,3,0,0,0,support,low +0.67,0.36,3,280,4,0,0,0,support,low +0.79,0.5,3,213,3,1,0,0,support,low +0.47,0.44,5,255,5,1,0,0,support,low +0.82,0.54,3,243,4,0,0,0,support,low +0.82,0.87,3,206,2,0,0,0,support,low +0.63,0.57,5,149,3,0,0,0,support,low +0.91,0.53,2,273,3,0,0,0,support,low +0.89,1,4,226,2,1,0,0,technical,low +0.96,0.93,3,238,2,0,0,0,technical,low +0.83,0.72,2,226,3,0,0,0,technical,low +0.75,0.92,3,199,3,1,0,0,management,low +0.75,0.82,5,202,3,1,0,0,IT,low +0.41,0.69,2,152,4,1,0,0,IT,low +0.96,0.94,3,167,3,0,0,0,IT,low +0.58,0.79,4,130,3,0,0,0,IT,medium +0.74,0.89,3,229,3,0,0,0,IT,medium +0.78,0.74,4,261,3,1,0,0,product_mng,medium +0.5,0.72,3,182,2,1,0,0,product_mng,medium +1,0.52,4,198,3,0,0,0,product_mng,medium +0.85,0.91,3,244,3,0,0,0,product_mng,medium +0.82,0.89,4,275,3,0,0,0,IT,medium +0.19,0.81,5,245,5,0,0,0,RandD,medium +0.9,0.9,3,147,3,1,0,0,RandD,medium +0.59,1,4,275,3,0,0,0,RandD,medium +0.53,0.46,2,167,2,0,0,0,RandD,medium +0.57,0.5,5,149,5,1,0,0,RandD,medium +0.85,0.99,4,233,2,0,0,0,marketing,high +0.64,0.67,5,167,2,0,0,0,sales,low +0.57,0.54,3,159,3,1,0,0,accounting,medium +0.86,0.85,2,195,4,0,0,0,support,medium +0.6,0.7,5,229,2,0,0,0,technical,medium +0.17,0.76,4,199,5,0,0,0,management,medium +0.54,0.63,3,174,3,0,0,0,marketing,low +0.35,0.78,5,275,4,0,0,0,marketing,low +0.92,0.77,5,217,4,0,0,0,marketing,low +0.66,1,4,192,2,0,0,0,sales,low +0.83,0.9,4,195,3,0,0,0,sales,low +0.89,0.86,3,261,4,0,0,0,sales,low +0.94,0.61,4,199,3,0,0,0,sales,low +0.24,0.85,4,160,5,0,0,0,sales,low +0.69,0.8,3,177,4,0,0,0,sales,low +0.45,0.46,3,179,2,1,0,0,sales,low +0.78,0.93,4,161,3,0,0,0,sales,low +0.91,0.38,5,279,5,0,0,0,sales,low +0.63,0.65,4,246,6,1,0,0,sales,low +0.71,0.8,4,199,2,0,0,0,sales,low +0.73,0.69,3,161,3,0,0,0,sales,low +0.69,0.52,5,219,3,0,0,0,sales,low +0.52,0.57,5,162,3,0,0,0,sales,low +0.78,0.66,4,258,3,0,0,0,sales,low +0.94,0.69,3,269,3,0,0,0,sales,low +0.55,0.73,4,201,3,0,0,0,sales,low +0.43,0.38,2,278,3,1,0,0,sales,low +0.77,0.66,3,147,2,0,0,0,sales,medium +0.59,0.8,5,247,3,0,0,0,accounting,medium +0.65,0.54,4,191,4,0,0,0,accounting,medium +0.82,0.37,2,280,3,0,0,0,accounting,medium +0.31,0.72,2,191,3,0,0,0,hr,medium +0.84,0.65,4,264,2,0,0,0,hr,medium +0.15,0.4,3,236,5,0,0,0,hr,medium +0.64,0.52,4,271,2,1,0,0,hr,medium +0.48,0.63,5,129,5,0,0,0,technical,medium +0.82,0.58,4,249,5,0,0,0,technical,medium +0.99,0.54,3,188,3,0,0,0,technical,medium +0.8,0.52,3,147,3,1,0,0,technical,medium +0.94,0.92,3,273,3,0,0,0,technical,high +0.94,0.81,4,237,3,1,0,0,technical,low +0.77,0.79,3,273,2,0,0,0,technical,medium +0.48,0.54,3,190,3,0,0,0,technical,medium +0.62,0.68,3,226,3,0,0,0,technical,medium +0.61,0.9,4,216,3,0,0,0,technical,medium +0.27,0.6,6,205,5,1,0,0,technical,low +0.89,0.65,3,208,2,0,0,0,support,low +0.58,0.81,4,266,2,0,0,0,support,low +0.64,0.77,3,249,2,1,0,0,support,low +0.73,0.88,5,134,2,1,0,0,support,low +0.74,0.85,2,189,3,0,0,0,support,low +0.75,0.82,4,143,2,0,0,0,support,low +0.78,0.84,4,173,3,0,0,0,support,low +0.18,0.95,6,248,3,0,0,0,support,low +0.8,0.84,3,186,6,0,0,0,support,low +0.89,0.64,5,191,3,0,0,0,support,low +0.84,0.5,3,227,2,0,0,0,support,low +0.64,0.38,2,269,5,0,0,0,technical,low +0.53,0.82,3,254,3,1,0,0,technical,low +0.15,0.66,4,180,4,0,0,0,technical,low +0.66,0.62,3,144,3,0,0,0,management,low +0.49,0.78,5,137,3,1,0,0,IT,low +0.78,0.72,3,223,4,0,0,0,IT,low +0.39,0.75,5,286,5,0,0,0,IT,low +0.9,0.83,3,151,3,0,0,0,IT,low +0.96,0.74,5,244,2,1,0,0,IT,low +0.63,0.81,4,216,4,0,0,0,product_mng,medium +0.63,0.74,4,173,3,0,0,0,product_mng,medium +0.89,0.81,3,186,3,0,0,0,product_mng,medium +0.93,0.57,2,205,4,1,0,0,product_mng,medium +0.87,0.59,4,202,3,0,0,0,IT,medium +0.56,0.53,3,189,3,0,0,0,RandD,medium +0.97,0.55,4,181,5,1,0,0,RandD,medium +0.61,0.51,3,207,3,0,0,0,RandD,medium +0.73,0.46,4,240,4,1,0,0,RandD,medium +0.61,0.69,2,164,2,0,0,0,RandD,medium +0.99,0.71,4,212,2,0,0,0,marketing,medium +0.57,0.75,4,151,2,0,0,0,sales,medium +0.74,0.96,4,197,3,0,0,0,accounting,high +0.86,0.61,5,265,3,0,0,0,support,low +0.68,0.72,4,274,3,0,0,0,technical,medium +0.66,0.63,3,201,4,0,0,0,management,medium +0.86,0.89,3,250,2,0,0,0,marketing,medium +0.85,0.78,3,165,4,0,0,0,marketing,medium +0.98,0.53,5,186,3,0,0,0,marketing,low +0.14,0.73,5,273,4,1,0,0,sales,low +0.2,0.54,5,162,6,0,0,0,sales,low +0.9,0.97,3,141,3,0,0,0,sales,low +0.51,0.96,5,268,4,0,0,0,sales,low +0.63,0.77,3,176,2,1,0,0,sales,low +0.83,0.88,3,223,3,1,0,0,sales,low +0.67,0.72,4,218,2,1,0,0,sales,low +0.96,0.52,4,228,3,0,0,0,sales,low +0.69,0.75,3,204,3,0,0,0,sales,low +0.69,0.9,4,148,2,0,0,0,sales,low +0.64,0.94,3,221,2,0,0,0,sales,low +0.62,0.48,4,271,3,0,0,0,sales,low +0.55,0.75,3,191,3,0,0,0,sales,low +0.98,0.51,4,223,2,0,0,0,sales,low +0.83,0.78,5,250,2,1,0,0,sales,low +0.73,0.77,3,230,2,0,0,0,sales,low +0.58,0.86,3,226,2,0,0,0,sales,low +0.52,0.67,4,182,3,0,0,0,sales,medium +0.91,0.7,3,195,3,0,0,0,sales,medium +0.72,0.64,3,231,2,0,0,0,accounting,medium +0.7,0.74,3,224,3,0,0,0,accounting,medium +0.86,0.92,4,229,4,0,0,0,accounting,medium +0.82,0.57,2,158,3,1,0,0,hr,medium +0.83,0.78,4,242,3,1,0,0,hr,medium +0.99,0.64,3,183,3,0,0,0,hr,medium +0.88,0.58,5,213,4,0,0,0,hr,medium +0.68,0.74,4,263,2,1,0,0,technical,medium +0.9,0.49,3,237,2,0,0,0,technical,medium +0.59,0.67,6,126,3,0,0,0,technical,medium +0.76,0.71,6,168,2,0,0,0,technical,high +0.23,0.63,5,151,4,1,0,0,technical,low +0.8,0.85,4,239,3,0,0,0,technical,medium +0.62,0.49,4,174,3,0,0,0,technical,medium +0.28,0.46,5,277,6,0,0,0,technical,medium +0.81,0.97,3,133,3,0,0,0,technical,medium +0.64,0.91,4,150,3,0,0,0,technical,low +0.76,0.6,5,244,3,1,0,0,technical,low +0.79,0.87,3,232,2,0,0,0,support,low +0.72,0.91,3,267,2,0,0,0,support,low +0.22,0.59,5,162,2,0,0,0,support,low +0.18,0.73,5,228,5,0,0,0,support,low +0.91,0.49,2,180,3,0,0,0,support,low +0.69,0.63,2,252,3,0,0,0,support,low +0.91,0.66,5,212,3,0,0,0,support,low +0.67,0.84,4,224,3,0,0,0,support,low +0.98,0.62,2,240,3,1,0,0,support,low +0.69,0.62,4,183,4,0,0,0,support,low +0.96,0.74,5,160,5,1,0,0,support,low +0.69,0.68,4,225,3,0,0,0,technical,low +0.65,0.68,3,268,2,1,0,0,technical,low +0.7,0.75,3,221,3,0,0,0,technical,low +0.48,0.94,3,173,2,0,0,0,management,low +0.48,0.51,4,103,4,0,0,0,IT,low +0.16,0.89,4,196,3,1,0,0,IT,low +0.72,0.97,3,239,3,0,0,0,IT,low +0.91,0.71,3,171,2,0,0,0,IT,low +0.74,0.54,3,243,3,0,0,0,IT,medium +0.56,0.56,2,153,2,0,0,0,product_mng,medium +0.56,0.41,6,142,3,0,0,0,product_mng,medium +0.88,0.55,5,168,2,0,0,0,product_mng,medium +0.86,0.9,5,180,4,0,0,0,product_mng,medium +0.66,0.84,4,186,3,0,0,0,IT,medium +0.41,0.45,3,236,2,0,0,0,RandD,medium +0.68,0.83,5,267,3,0,0,0,RandD,medium +0.59,0.47,3,129,2,0,0,0,RandD,medium +0.52,0.78,3,181,3,0,0,0,RandD,medium +0.3,0.54,2,99,2,0,0,0,RandD,medium +0.44,0.67,5,170,3,1,0,0,marketing,medium +0.75,0.64,3,195,3,0,0,0,sales,high +0.23,0.94,4,149,6,0,0,0,accounting,low +0.34,0.46,6,132,2,0,0,0,support,medium +0.52,0.59,3,164,3,0,0,0,technical,medium +0.79,0.83,4,250,2,0,0,0,management,medium +0.5,0.77,3,204,2,0,0,0,marketing,medium +0.89,0.65,3,210,3,0,0,0,marketing,low +0.84,0.52,6,98,3,0,0,0,marketing,low +0.26,0.47,3,241,4,0,0,0,sales,low +0.57,0.96,5,203,4,0,0,0,sales,low +0.14,0.99,3,257,4,1,0,0,sales,low +0.94,0.62,5,201,2,0,0,0,sales,low +0.3,0.58,2,124,3,0,0,0,sales,low +0.29,0.43,6,175,3,0,0,0,sales,low +0.82,0.75,3,161,3,0,0,0,sales,low +0.62,0.75,4,183,4,1,0,0,sales,low +0.64,0.99,5,262,5,0,0,0,sales,low +0.17,0.52,4,184,4,0,0,0,sales,low +0.75,0.56,3,207,3,0,0,0,sales,low +0.49,0.73,4,185,3,0,0,0,sales,low +0.84,0.58,4,180,2,0,0,0,sales,low +0.48,0.96,4,224,2,1,0,0,sales,low +0.54,0.53,3,184,3,0,0,0,sales,low +0.76,0.99,5,252,3,1,0,0,sales,low +0.77,0.84,4,196,3,0,0,0,sales,low +0.95,0.97,4,203,2,0,0,0,sales,low +0.72,0.83,4,181,3,0,0,0,sales,low +0.74,0.67,4,148,3,0,0,0,accounting,medium +0.9,0.55,4,211,3,0,0,0,accounting,medium +0.67,0.55,3,246,3,0,0,0,accounting,medium +0.97,0.55,4,258,3,0,0,0,hr,medium +0.55,0.59,3,231,4,0,0,0,hr,medium +0.32,0.95,2,184,5,0,0,0,hr,medium +0.4,0.42,3,146,2,1,0,0,hr,medium +0.66,0.54,2,136,2,0,0,0,technical,low +0.7,0.77,4,266,2,0,0,0,technical,low +0.69,0.89,2,220,3,0,0,0,technical,low +0.72,0.57,2,248,2,0,0,0,technical,low +0.21,0.65,3,183,3,0,0,0,technical,low +0.91,0.9,3,169,3,0,0,0,technical,low +0.72,0.71,3,132,2,1,0,0,technical,low +0.96,0.72,3,197,3,0,0,0,technical,low +1,0.89,4,152,3,0,0,0,technical,low +0.63,0.51,3,126,6,0,0,0,technical,low +0.24,0.74,6,106,5,0,0,0,technical,low +0.44,0.38,4,128,2,0,0,0,support,low +0.92,0.57,3,191,3,0,0,0,support,low +0.51,0.51,4,189,3,0,0,0,support,low +0.77,0.71,5,141,3,0,0,0,support,low +0.8,0.97,4,220,3,0,0,0,support,low +0.84,0.46,5,118,3,0,0,0,support,low +0.91,0.88,5,223,3,0,0,0,support,low +0.64,0.61,3,263,3,0,0,0,support,low +0.15,0.59,5,209,4,1,0,0,support,medium +0.74,0.58,4,193,3,0,0,0,support,medium +0.94,0.78,4,211,3,0,0,0,support,medium +0.57,0.58,3,192,3,0,0,0,technical,medium +0.92,0.63,5,156,3,0,0,0,technical,medium +0.76,0.54,5,278,2,1,0,0,technical,medium +0.73,0.92,3,199,3,1,0,0,management,medium +0.24,0.6,2,194,6,0,0,0,IT,medium +0.42,0.47,2,125,4,0,0,0,IT,medium +0.92,0.82,4,96,4,0,0,0,IT,medium +0.92,0.94,3,234,2,1,0,0,IT,medium +0.68,0.55,6,181,3,0,0,0,IT,medium +0.49,0.86,4,246,2,0,0,0,product_mng,medium +0.57,0.98,3,171,3,0,0,0,product_mng,medium +0.3,0.66,3,198,2,0,0,0,product_mng,medium +0.17,0.81,5,280,4,0,0,0,product_mng,medium +0.91,0.49,3,267,3,0,0,0,IT,medium +0.83,0.91,3,251,2,0,0,0,RandD,medium +0.87,0.76,5,182,3,0,0,0,RandD,medium +0.71,0.8,4,157,3,0,0,0,RandD,medium +0.88,0.5,3,206,2,0,0,0,RandD,medium +0.63,0.94,3,237,3,1,0,0,RandD,medium +0.99,0.58,2,166,3,0,0,0,marketing,medium +0.99,0.81,4,229,2,1,0,0,sales,medium +0.77,0.53,5,256,3,0,0,0,accounting,medium +0.64,0.69,5,114,6,0,0,0,support,medium +0.61,1,5,243,2,0,0,0,technical,medium +0.37,0.82,3,199,5,0,0,0,management,medium +0.19,1,4,188,4,1,0,0,marketing,medium +0.96,0.87,4,187,2,0,0,0,marketing,medium +0.8,0.62,4,216,2,0,0,0,marketing,medium +0.14,0.63,6,215,5,0,0,0,sales,low +0.15,0.69,6,213,6,0,0,0,sales,low +0.52,0.82,4,198,4,0,0,0,sales,low +0.27,0.55,5,121,3,1,0,0,sales,low +0.97,0.96,3,212,3,0,0,0,sales,low +0.52,0.93,2,271,3,0,0,0,sales,low +0.98,0.89,3,186,2,0,0,0,sales,low +0.96,0.95,4,265,2,0,0,0,sales,low +0.28,0.92,3,151,3,0,0,0,sales,low +0.65,0.55,5,206,3,0,0,0,sales,low +0.59,0.63,4,153,3,1,0,0,sales,low +0.64,0.48,4,267,2,1,0,0,sales,low +0.71,0.48,3,161,3,0,0,0,sales,low +0.83,0.84,2,149,3,0,0,0,sales,low +0.95,0.94,2,269,4,1,0,0,sales,low +0.73,0.49,3,248,3,0,0,0,sales,low +0.81,0.75,4,243,2,0,0,0,sales,low +0.71,0.44,2,207,4,0,0,0,sales,low +0.8,0.56,6,111,6,0,0,0,sales,low +0.85,0.53,3,226,2,0,0,0,accounting,low +0.41,0.7,2,151,3,1,0,0,accounting,low +0.51,0.84,4,224,2,0,0,0,accounting,medium +0.49,0.57,4,146,4,0,0,0,hr,medium +0.76,0.55,4,163,2,1,0,0,hr,medium +0.57,0.69,4,255,3,0,0,0,hr,medium +0.54,0.48,6,196,2,0,0,0,hr,medium +0.68,0.74,3,227,2,0,0,0,technical,medium +0.7,0.5,3,251,2,0,0,0,technical,medium +0.77,0.87,4,209,3,0,0,0,technical,medium +0.95,0.51,3,254,4,0,0,0,technical,medium +0.5,0.64,3,249,2,1,0,0,technical,low +0.99,0.53,4,131,3,1,0,0,technical,low +0.94,0.51,5,142,2,0,0,0,technical,low +0.83,0.66,3,239,3,0,0,0,technical,low +0.64,0.81,3,225,3,1,0,0,technical,low +0.16,0.73,6,170,3,0,0,0,technical,low +0.83,0.71,3,254,2,0,0,0,technical,low +0.93,0.73,4,156,2,0,0,0,support,low +0.32,0.64,3,151,3,0,0,0,support,low +0.12,0.9,3,200,3,0,0,0,support,low +0.5,0.5,3,184,3,1,0,0,support,low +0.57,0.74,3,257,2,0,0,0,support,low +0.25,0.75,5,194,5,1,0,0,support,low +0.98,0.56,3,139,2,1,0,0,support,low +0.81,0.51,3,273,2,1,0,0,support,low +0.94,0.63,5,261,3,0,0,0,support,low +0.83,0.57,3,135,3,1,0,0,support,low +0.77,0.4,4,207,5,0,0,0,support,low +0.57,0.65,4,265,3,0,0,0,technical,low +0.18,0.96,5,208,6,0,0,0,technical,medium +0.67,0.71,4,159,2,1,0,0,technical,medium +0.35,0.47,4,151,6,0,0,0,management,medium +0.78,0.44,3,97,4,0,0,0,IT,medium +0.72,0.79,4,154,3,0,0,0,IT,medium +0.9,0.58,3,264,3,0,0,0,IT,medium +0.58,0.49,3,135,2,0,0,0,IT,medium +0.64,0.56,3,238,2,0,0,0,IT,medium +0.91,0.79,4,166,3,0,0,0,product_mng,medium +0.59,0.51,3,156,3,0,0,0,product_mng,medium +0.76,0.8,3,202,3,0,0,0,product_mng,medium +0.76,0.85,3,204,2,1,0,0,product_mng,medium +0.51,0.69,3,135,3,0,0,0,IT,medium +0.54,0.55,4,252,3,0,0,0,RandD,medium +0.67,0.93,5,254,3,1,0,0,RandD,medium +0.68,0.44,5,165,3,0,0,0,RandD,medium +0.97,0.58,3,200,2,0,0,0,RandD,medium +0.5,0.74,3,155,3,0,0,0,RandD,medium +0.81,0.52,3,162,3,0,0,0,marketing,medium +0.77,0.73,4,159,3,1,0,0,sales,medium +0.59,0.75,4,266,3,0,0,0,accounting,medium +1,0.96,4,155,3,0,0,0,support,medium +0.74,0.95,5,170,4,0,0,0,technical,medium +0.91,0.52,4,172,4,1,0,0,management,high +0.77,0.65,3,187,3,0,0,0,marketing,low +0.79,0.98,4,185,2,0,0,0,marketing,medium +0.82,0.51,5,232,3,0,0,0,marketing,medium +0.89,0.96,5,260,3,0,0,0,sales,low +0.83,0.62,4,218,3,0,0,0,sales,low +0.72,0.7,4,217,3,0,0,0,sales,low +0.7,0.74,3,212,3,0,0,0,sales,low +1,0.89,3,189,3,0,0,0,sales,low +0.57,0.66,4,158,2,0,0,0,sales,low +0.55,0.54,5,168,2,0,0,0,sales,low +0.47,0.7,4,134,3,0,0,0,sales,low +0.95,0.77,4,213,3,1,0,0,sales,low +0.29,0.57,5,149,3,0,0,0,sales,low +0.71,0.5,3,201,2,0,0,0,sales,low +0.89,0.68,4,146,3,0,0,0,sales,low +0.81,0.97,4,212,2,0,0,0,sales,low +0.72,0.64,4,140,2,0,0,0,sales,low +1,0.85,4,156,3,0,0,0,sales,low +0.79,0.49,4,163,3,0,0,0,sales,high +0.69,0.84,3,154,2,0,0,0,sales,low +0.97,0.66,4,218,3,0,0,0,sales,high +0.61,0.59,3,157,2,0,0,0,sales,high +0.71,0.89,3,222,3,0,0,0,accounting,low +0.96,0.76,4,152,3,1,0,0,accounting,low +0.77,0.73,5,263,2,0,0,0,accounting,high +0.57,0.99,3,231,3,0,0,0,hr,low +0.92,0.76,4,258,2,0,0,0,hr,medium +0.99,0.92,5,213,2,0,0,0,hr,high +0.86,0.73,3,159,3,0,0,0,hr,medium +0.78,0.66,4,156,3,1,0,0,technical,low +0.85,0.66,3,235,3,0,0,0,technical,low +0.38,0.6,4,190,2,0,0,0,technical,low +0.63,0.93,4,238,2,0,0,0,technical,low +0.66,0.72,4,137,3,0,0,0,technical,low +0.19,0.79,5,171,3,1,0,0,technical,low +0.63,0.59,4,249,2,0,0,0,technical,low +0.32,0.74,6,205,3,0,0,0,technical,low +0.73,0.55,3,149,3,0,0,0,technical,low +0.75,0.89,4,139,3,0,0,0,technical,low +0.7,0.66,4,168,3,0,0,0,technical,low +0.77,0.61,4,181,2,0,0,0,support,low +0.83,0.8,4,150,3,0,0,0,support,low +0.75,0.49,4,246,3,0,0,0,support,low +0.97,0.54,3,271,3,0,0,0,support,medium +0.75,0.55,5,204,3,0,0,0,support,low +0.66,0.84,3,170,4,0,0,0,support,low +0.56,0.49,3,208,3,0,0,0,support,low +0.77,0.98,2,226,3,0,0,0,support,low +0.82,0.81,3,149,3,0,0,0,support,low +0.85,0.59,2,264,2,0,0,0,support,low +0.49,0.79,5,177,2,0,0,0,support,low +0.24,0.87,4,262,3,0,0,0,technical,low +0.32,0.74,3,211,3,0,0,0,technical,low +0.77,0.51,4,141,3,1,0,0,technical,low +0.77,0.83,5,197,4,0,0,0,management,high +0.93,0.87,3,154,3,1,0,0,IT,low +0.22,0.74,5,178,5,0,0,0,IT,low +0.24,0.89,5,169,4,0,0,0,IT,low +0.99,0.99,3,228,4,0,0,0,IT,low +0.61,0.5,3,231,3,0,0,0,IT,high +0.6,0.91,4,185,3,1,0,0,product_mng,low +0.79,0.7,3,195,2,0,0,0,product_mng,low +0.94,0.62,3,147,3,0,0,0,product_mng,low +0.18,0.85,5,192,3,0,0,0,product_mng,high +0.51,0.73,5,241,3,0,0,0,IT,low +0.55,0.92,3,151,3,0,0,0,RandD,medium +0.73,0.74,3,221,3,0,0,0,RandD,high +0.41,0.63,5,263,3,0,0,0,RandD,medium +0.88,0.66,3,178,3,0,0,0,RandD,high +0.23,0.56,5,169,5,0,0,0,RandD,medium +0.78,0.56,3,271,4,0,0,0,marketing,medium +0.34,0.69,3,155,3,0,0,0,marketing,medium +0.51,0.41,2,164,4,0,0,0,sales,medium +0.8,0.86,3,226,2,0,0,0,accounting,medium +0.66,0.57,4,220,2,1,0,0,support,medium +0.62,0.63,5,153,6,0,0,0,technical,medium +0.5,0.97,2,252,4,0,0,0,management,medium +0.96,0.94,3,182,3,0,0,0,marketing,high +0.5,0.84,3,150,2,0,0,0,marketing,low +0.73,0.69,6,273,4,1,0,0,marketing,medium +0.47,0.39,6,215,5,0,0,0,sales,medium +0.49,0.83,3,172,2,0,0,0,sales,medium +0.92,0.62,3,264,2,0,0,0,sales,medium +0.24,0.39,5,158,2,0,0,0,sales,medium +0.61,0.58,4,142,4,0,0,0,sales,medium +0.83,0.89,4,137,3,0,0,0,sales,medium +0.88,0.66,4,275,3,0,0,0,sales,medium +0.61,0.55,3,245,3,0,0,0,sales,medium +0.68,0.54,4,165,4,0,0,0,sales,high +0.51,0.7,4,142,4,1,0,0,sales,low +0.88,0.58,4,215,2,0,0,0,sales,low +0.94,0.84,5,240,3,0,0,0,sales,low +0.58,0.88,4,255,3,0,0,0,sales,high +0.63,0.98,4,265,3,0,0,0,sales,low +0.81,0.49,4,285,4,0,0,0,sales,low +0.61,0.86,3,238,2,0,0,0,sales,low +0.65,0.63,3,137,3,0,0,0,sales,high +0.67,0.63,3,270,5,0,0,0,sales,low +0.64,0.62,4,145,3,1,0,0,sales,low +0.25,0.76,6,182,3,0,0,0,accounting,low +0.13,0.62,3,264,6,0,0,0,accounting,low +0.14,0.89,3,212,6,0,0,0,accounting,low +0.74,0.51,5,198,3,0,0,0,hr,low +0.8,0.81,5,200,3,0,0,0,hr,low +0.5,0.56,3,263,4,0,0,0,hr,medium +0.69,0.75,4,249,4,0,0,0,hr,medium +0.91,0.53,4,212,3,0,0,0,technical,low +0.8,0.51,3,159,3,0,0,0,technical,low +0.93,0.52,3,181,3,0,0,0,technical,low +0.57,0.99,3,100,4,1,0,0,technical,low +0.51,0.58,2,218,2,1,0,0,technical,low +0.98,0.54,4,178,3,0,0,0,technical,low +0.85,0.83,4,219,3,0,0,0,technical,low +0.73,0.56,5,239,3,0,0,0,technical,low +0.97,0.9,3,255,2,0,0,0,technical,low +0.52,0.61,4,163,2,0,0,0,technical,low +0.31,0.38,3,173,2,0,0,0,technical,low +0.49,0.77,3,147,3,0,0,0,support,low +0.81,0.44,4,166,4,1,0,0,support,low +0.52,0.8,5,209,2,0,0,0,support,low +0.69,0.56,5,271,3,0,0,0,support,low +0.7,0.74,3,253,4,1,0,0,support,low +0.65,0.85,4,233,2,0,0,0,support,low +0.54,0.71,2,194,2,0,0,0,support,low +0.57,0.49,2,237,2,0,0,0,support,low +0.78,0.9,4,238,2,0,0,0,support,low +0.99,0.92,4,212,3,0,0,0,support,low +0.57,0.83,5,189,3,0,0,0,support,low +0.33,0.58,3,115,3,0,0,0,technical,low +0.97,0.58,4,159,3,0,0,0,technical,low +0.95,0.58,5,133,3,0,0,0,technical,low +0.69,0.83,5,225,3,0,0,0,management,low +0.97,0.91,2,112,5,0,0,0,IT,low +0.4,0.59,3,111,4,1,0,0,IT,low +0.67,0.71,4,178,6,0,0,0,IT,low +0.96,0.58,5,178,3,0,0,0,IT,low +0.49,0.95,2,181,4,1,0,0,IT,low +0.56,0.66,3,139,2,0,0,0,product_mng,low +0.99,0.78,2,177,4,0,0,0,product_mng,low +0.49,0.88,4,270,3,0,0,0,product_mng,low +0.53,0.69,4,135,3,0,0,0,product_mng,low +0.75,0.5,4,166,4,0,0,0,IT,low +0.51,0.89,3,230,4,0,0,0,marketing,low +0.65,0.9,3,163,3,1,0,0,marketing,medium +0.45,0.66,2,236,3,0,0,0,marketing,medium +0.98,0.91,3,264,4,1,0,0,marketing,medium +0.9,0.74,3,185,2,0,0,0,marketing,medium +0.37,0.62,4,253,2,0,0,0,marketing,medium +0.52,0.99,4,253,3,0,0,0,marketing,medium +0.96,0.78,3,135,3,0,0,0,sales,medium +0.99,0.7,2,182,4,0,0,0,accounting,medium +0.66,0.56,5,202,3,0,0,0,support,medium +0.84,0.54,5,186,2,0,0,0,technical,medium +0.16,0.87,5,163,3,0,0,0,management,medium +0.75,0.59,3,242,3,0,0,0,marketing,medium +0.52,0.74,3,160,2,0,0,0,marketing,high +0.86,0.86,3,173,3,0,0,0,marketing,low +0.75,0.53,3,154,2,0,0,0,sales,medium +0.73,0.99,3,160,3,0,0,0,sales,medium +0.98,0.84,3,139,2,0,0,0,sales,medium +0.8,0.84,3,251,3,0,0,0,sales,medium +0.18,0.48,4,176,4,1,0,0,sales,low +0.37,0.72,2,163,3,0,0,0,sales,low +0.97,0.86,3,257,4,0,0,0,sales,low +0.56,0.68,4,159,3,0,0,0,sales,low +0.32,0.65,2,183,3,0,0,0,sales,low +0.63,0.88,4,260,2,0,0,0,sales,low +0.36,0.78,6,151,3,0,0,0,sales,low +0.75,0.49,4,246,3,1,0,0,sales,low +0.42,0.86,3,160,4,1,0,0,sales,low +0.96,0.66,3,155,2,0,0,0,sales,low +0.62,0.78,5,250,6,0,0,0,sales,low +0.78,0.96,2,174,3,0,0,0,sales,low +0.93,0.89,3,262,2,0,0,0,sales,low +0.93,0.87,4,257,2,0,0,0,sales,low +0.45,0.42,4,140,2,0,0,0,sales,low +0.44,0.56,3,123,3,0,0,0,accounting,medium +0.57,0.55,3,264,2,0,0,0,accounting,medium +0.77,0.51,2,254,5,0,0,0,accounting,medium +0.6,0.98,4,205,4,0,0,0,hr,medium +0.25,0.94,6,199,4,0,0,0,hr,medium +0.59,0.43,3,171,3,0,0,0,hr,medium +0.29,0.57,5,98,5,0,0,0,hr,medium +0.5,0.95,3,166,4,1,0,0,technical,low +0.91,0.94,4,264,4,0,0,0,technical,low +0.78,0.65,3,176,2,0,0,0,technical,low +0.73,0.76,2,166,3,0,0,0,technical,low +0.51,0.59,4,169,3,0,0,0,technical,low +0.65,0.82,4,257,3,0,0,0,technical,low +0.25,0.87,3,265,4,0,0,0,technical,low +0.5,0.63,5,167,2,0,0,0,technical,low +0.53,0.58,4,134,2,0,0,0,technical,low +0.57,0.76,2,176,3,0,0,0,technical,low +0.77,0.91,5,274,3,0,0,0,technical,low +0.94,0.77,3,201,3,0,0,0,support,low +0.5,0.53,3,121,4,0,0,0,support,low +0.47,0.57,3,97,4,0,0,0,support,low +0.92,0.54,4,217,4,0,0,0,support,low +0.9,0.87,3,220,3,0,0,0,support,low +0.54,0.46,2,98,4,0,0,0,support,low +0.58,0.97,5,265,3,0,0,0,support,low +0.95,0.87,3,201,3,0,0,0,support,low +0.52,0.71,3,151,3,0,0,0,support,low +0.83,0.51,4,199,3,0,0,0,support,low +0.54,0.92,4,175,3,0,0,0,support,low +0.8,0.85,5,253,3,1,0,0,technical,low +0.52,0.57,3,183,2,0,0,0,technical,low +0.83,0.8,5,223,3,0,0,0,technical,low +0.74,0.55,5,168,4,0,0,0,management,low +0.87,0.71,5,244,2,0,0,0,IT,low +0.45,0.87,2,268,4,1,0,0,IT,low +0.72,0.72,4,218,4,0,0,0,IT,low +0.27,0.85,2,277,6,1,0,0,IT,low +0.51,0.88,5,225,2,1,0,0,IT,low +0.55,0.55,4,257,3,0,0,0,product_mng,low +0.89,0.69,4,170,3,0,0,0,product_mng,low +0.85,0.86,3,179,3,0,0,0,product_mng,low +0.29,0.85,4,211,2,0,0,0,product_mng,low +0.96,0.5,3,217,2,1,0,0,IT,low +0.9,0.68,3,135,3,0,0,0,RandD,low +0.28,0.94,6,167,3,1,0,0,RandD,low +0.93,0.98,4,189,3,0,0,0,RandD,medium +0.51,0.57,3,162,3,1,0,0,RandD,medium +0.97,0.76,3,193,3,0,0,0,RandD,medium +0.71,0.55,4,273,3,1,0,0,RandD,medium +0.52,0.69,6,138,5,0,0,0,marketing,medium +0.87,0.84,4,237,3,1,0,0,sales,medium +0.78,0.61,5,260,2,0,0,0,accounting,medium +0.57,0.82,3,149,5,1,0,0,support,medium +0.34,0.49,4,149,3,0,0,0,technical,medium +0.95,0.95,4,137,4,0,0,0,management,medium +0.72,0.73,5,167,3,0,0,0,marketing,medium +0.61,0.37,4,165,6,0,0,0,marketing,medium +0.39,0.39,2,131,2,0,0,0,marketing,high +0.72,0.59,5,138,2,0,0,0,sales,low +0.86,0.91,4,234,3,1,0,0,sales,medium +0.69,0.67,4,141,3,0,0,0,sales,medium +0.5,0.65,4,266,3,1,0,0,sales,medium +0.62,0.68,3,134,2,0,0,0,sales,medium +0.76,0.55,4,147,3,0,0,0,sales,low +0.97,0.88,4,237,4,0,0,0,sales,low +0.78,0.57,5,114,4,0,0,0,sales,low +0.81,0.89,4,166,2,1,0,0,sales,low +0.15,0.95,4,173,5,1,0,0,sales,low +0.72,0.5,3,205,3,1,0,0,sales,low +0.8,0.5,3,219,3,0,0,0,sales,low +0.76,0.74,3,173,2,0,0,0,sales,low +0.19,0.73,4,231,3,0,0,0,sales,low +0.75,0.75,5,133,2,0,0,0,sales,low +0.94,0.49,4,220,3,0,0,0,sales,low +0.93,0.59,5,158,3,0,0,0,sales,low +0.96,0.92,3,182,4,0,0,0,sales,low +0.14,0.57,6,275,5,0,0,0,sales,low +0.75,0.71,3,237,3,1,0,0,accounting,low +0.6,0.59,5,146,4,0,0,0,accounting,low +0.65,0.48,4,144,3,0,0,0,accounting,low +0.59,0.79,2,195,3,0,0,0,hr,low +0.93,0.78,5,191,4,0,0,0,hr,medium +0.5,1,3,149,2,0,0,0,hr,medium +0.62,0.55,4,137,3,1,0,0,hr,medium +0.24,0.58,3,184,5,1,0,0,technical,medium +0.66,0.87,4,139,3,0,0,0,technical,medium +0.55,0.95,4,249,4,0,0,0,technical,medium +0.91,0.66,3,168,3,0,0,0,technical,medium +0.59,0.51,2,145,5,0,0,0,technical,medium +0.74,0.54,5,221,3,0,0,0,technical,medium +0.43,0.51,2,123,3,0,0,0,technical,medium +0.85,0.99,6,153,6,0,0,0,technical,medium +0.46,0.54,3,183,4,0,0,0,technical,medium +0.48,0.56,4,271,3,0,0,0,technical,high +0.96,1,4,167,2,1,0,0,technical,low +0.55,0.9,4,177,3,0,0,0,support,medium +0.82,0.74,3,256,3,1,0,0,support,medium +0.24,0.65,3,143,4,0,0,0,support,medium +0.69,0.71,3,241,3,0,0,0,support,medium +0.29,0.68,4,210,3,0,0,0,support,low +0.53,0.7,4,155,5,1,0,0,support,low +0.65,0.77,2,248,3,0,0,0,support,low +0.57,0.53,3,162,3,0,0,0,support,low +0.6,0.5,4,137,3,0,0,0,support,low +0.79,0.55,5,242,2,0,0,0,support,low +0.41,0.5,6,257,6,1,0,0,support,low +0.79,0.72,5,245,3,1,0,0,technical,low +0.5,0.8,3,234,3,0,0,0,technical,low +0.8,0.76,4,135,2,0,0,0,technical,low +0.61,0.79,5,269,2,0,0,0,management,low +0.99,0.68,4,238,3,0,0,0,IT,low +0.77,0.86,3,101,5,0,0,0,IT,low +0.7,0.52,5,200,2,1,0,0,IT,low +0.55,0.87,3,241,4,0,0,0,IT,low +0.87,0.63,3,143,3,1,0,0,IT,low +0.97,0.6,3,169,2,1,0,0,product_mng,low +0.56,0.99,4,270,2,0,0,0,product_mng,low +0.99,0.81,4,246,3,1,0,0,product_mng,low +0.57,0.66,4,151,2,0,0,0,product_mng,low +1,0.84,3,227,3,0,0,0,IT,low +0.97,0.74,3,134,3,1,0,0,marketing,high +0.81,0.54,4,155,4,0,0,0,accounting,high +0.76,0.48,5,173,3,0,0,0,accounting,high +0.95,0.55,5,134,3,0,0,0,IT,medium +0.81,0.65,3,195,2,0,0,0,IT,medium +0.8,0.65,3,264,4,0,0,0,management,high +0.72,0.57,3,203,2,1,0,0,marketing,medium +0.68,0.65,3,243,2,0,0,0,sales,medium +0.21,0.61,6,159,5,1,0,0,accounting,medium +0.46,0.4,3,145,2,0,0,0,support,medium +0.8,0.7,3,238,2,0,0,0,technical,medium +0.57,0.64,4,151,2,0,0,0,management,medium +0.58,0.57,5,205,2,0,0,0,marketing,high +0.91,1,4,211,3,0,0,0,marketing,low +0.63,0.67,5,169,2,0,0,0,marketing,medium +0.95,0.86,2,263,4,0,0,0,sales,medium +0.87,0.67,5,143,3,0,0,0,sales,medium +0.22,0.53,5,160,4,1,0,0,sales,medium +0.95,0.65,5,142,2,1,0,0,sales,low +0.18,0.5,4,169,4,0,0,0,sales,low +0.87,0.63,5,214,3,0,0,0,sales,low +0.23,0.84,5,131,5,0,0,0,sales,low +0.93,0.69,3,213,4,0,0,0,sales,low +0.58,0.75,4,244,4,0,0,0,sales,low +0.68,0.55,4,169,3,1,0,0,sales,low +0.76,0.71,4,156,3,0,0,0,sales,low +0.68,0.84,5,161,3,0,0,0,sales,low +0.99,0.47,3,152,5,0,0,0,sales,low +0.64,0.55,3,201,2,0,0,0,sales,low +0.61,0.83,5,269,5,1,0,0,sales,low +0.51,0.5,5,242,2,0,0,0,sales,low +0.69,0.66,3,113,4,0,0,0,sales,low +0.85,0.6,3,251,2,0,0,0,sales,low +0.55,0.89,6,99,3,0,0,0,sales,low +0.56,0.89,4,263,3,0,0,0,accounting,low +0.69,0.68,4,214,4,0,0,0,accounting,low +0.61,0.46,4,172,3,0,0,0,accounting,low +0.47,0.65,4,172,2,0,0,0,hr,low +0.58,0.79,4,196,3,1,0,0,hr,low +0.16,0.56,5,152,5,0,0,0,hr,medium +0.53,0.64,2,109,3,0,0,0,hr,medium +0.82,0.82,5,193,4,0,0,0,technical,medium +0.68,0.61,4,227,3,0,0,0,technical,medium +0.6,0.72,3,181,2,0,0,0,technical,medium +0.93,0.44,5,190,5,0,0,0,technical,medium +0.58,0.49,2,107,3,0,0,0,technical,medium +0.61,0.96,4,161,3,1,0,0,technical,medium +0.74,0.71,4,243,3,0,0,0,technical,medium +0.88,0.91,3,157,2,0,0,0,technical,medium +0.94,0.8,6,147,3,0,0,0,technical,medium +0.44,0.46,3,121,3,0,0,0,technical,medium +0.73,0.52,3,274,2,0,0,0,technical,high +0.9,0.68,4,204,4,1,0,0,support,low +0.97,0.49,3,199,2,0,0,0,support,medium +0.86,0.96,5,246,3,0,0,0,support,medium +0.81,0.98,3,141,3,0,0,0,support,medium +0.24,0.76,6,213,4,0,0,0,support,medium +0.92,0.97,4,199,3,0,0,0,support,low +0.34,0.62,2,257,6,1,0,0,support,low +0.95,0.53,4,143,3,0,0,0,support,low +0.94,0.81,3,150,2,0,0,0,support,low +0.54,0.82,3,284,2,1,0,0,support,low +0.87,0.57,3,149,3,0,0,0,support,low +0.54,0.74,4,160,6,0,0,0,technical,low +0.75,0.49,4,208,4,0,0,0,technical,low +0.88,1,3,248,3,0,0,0,technical,medium +0.78,0.86,3,210,3,0,0,0,management,medium +0.88,0.71,5,219,2,0,0,0,IT,medium +0.51,0.94,4,155,3,0,0,0,IT,medium +0.31,0.7,4,182,3,0,0,0,IT,medium +0.22,1,6,244,3,0,0,0,IT,medium +0.56,0.83,5,157,3,0,0,0,IT,medium +0.38,0.63,2,182,2,0,0,0,product_mng,medium +0.56,0.47,5,185,4,0,0,0,product_mng,medium +0.55,0.9,4,206,3,0,0,0,product_mng,medium +0.74,0.99,4,156,3,0,0,0,product_mng,medium +0.64,0.92,5,211,2,1,0,0,IT,medium +0.69,0.91,6,247,6,0,0,0,RandD,medium +0.99,0.54,3,247,3,0,0,0,RandD,medium +0.66,0.75,4,235,3,0,0,0,RandD,medium +0.79,0.93,5,169,3,0,0,0,RandD,medium +0.92,0.54,3,246,3,0,0,0,RandD,medium +0.84,0.49,3,172,4,0,0,0,RandD,medium +0.31,0.59,4,218,5,0,0,0,marketing,medium +0.34,0.52,6,265,6,0,0,0,sales,medium +0.88,0.96,5,173,4,0,0,0,accounting,medium +0.8,0.84,3,195,3,0,0,0,support,medium +0.75,0.92,3,160,3,1,0,0,technical,medium +0.71,0.7,4,237,4,0,0,0,management,medium +0.66,0.49,3,206,2,0,0,0,marketing,medium +0.54,0.72,6,222,5,0,0,0,marketing,high +0.47,0.4,3,113,3,0,0,0,marketing,high +0.87,0.79,3,244,3,0,0,0,sales,high +0.9,0.52,3,162,2,0,0,0,sales,high +0.51,0.63,3,234,2,0,0,0,sales,high +0.62,0.71,4,168,2,0,0,0,sales,high +0.47,0.43,3,120,3,0,0,0,sales,high +0.59,0.94,5,274,2,0,0,0,sales,high +0.87,0.62,4,202,3,0,0,0,sales,high +0.59,0.97,3,209,3,0,0,0,sales,high +0.87,0.71,6,224,6,0,0,0,sales,high +0.89,0.93,3,168,2,0,0,0,sales,high +0.73,0.68,4,227,3,0,0,0,sales,low +0.79,0.98,3,217,3,0,0,0,sales,low +0.8,0.74,2,205,3,1,0,0,sales,low +0.73,0.89,5,223,3,0,0,0,sales,low +0.96,0.9,3,175,3,1,0,0,sales,low +0.66,0.96,3,175,2,0,0,0,sales,low +0.53,0.97,4,254,3,0,0,0,sales,low +0.86,0.56,5,215,2,0,0,0,sales,low +0.92,0.86,3,166,4,0,0,0,sales,low +0.31,0.95,5,205,3,0,0,0,accounting,low +0.69,0.73,4,233,2,0,0,0,accounting,low +0.7,0.83,3,189,3,0,0,0,accounting,low +0.63,0.74,4,202,3,0,0,0,hr,low +0.24,0.53,6,165,5,0,0,0,hr,low +0.13,0.94,4,213,5,1,0,0,hr,low +0.47,0.41,2,140,3,0,0,0,hr,medium +0.53,0.58,4,251,2,0,0,0,technical,medium +0.96,0.96,5,243,3,0,0,0,technical,medium +0.92,0.88,4,111,4,0,0,0,technical,medium +0.56,0.59,3,178,2,0,0,0,technical,medium +0.51,0.88,5,230,4,0,0,0,technical,medium +0.22,0.85,6,172,6,1,0,0,technical,medium +0.83,0.92,3,268,2,1,0,0,technical,medium +0.85,0.48,2,208,4,0,0,0,technical,medium +0.85,0.92,3,188,4,0,0,0,technical,medium +0.85,0.9,5,247,2,0,0,0,technical,medium +0.73,0.82,4,205,4,0,0,0,technical,medium +0.18,0.52,3,213,4,0,0,0,support,high +0.63,0.87,4,145,3,1,0,0,support,high +0.5,0.48,2,106,2,0,0,0,support,high +0.63,0.47,3,180,3,1,0,0,support,high +0.15,0.95,4,251,5,0,0,0,support,high +0.96,0.69,4,156,5,0,0,0,support,high +0.96,0.91,5,179,2,0,0,0,support,high +0.31,0.51,4,229,6,0,0,0,support,high +0.59,0.49,4,149,4,0,0,0,support,low +0.75,0.98,4,198,3,0,0,0,support,low +0.96,0.51,3,241,6,1,0,0,support,low +0.69,0.67,4,156,3,0,0,0,technical,low +0.92,0.89,3,220,2,0,0,0,technical,low +0.96,0.82,5,185,3,0,0,0,technical,low +0.67,0.7,4,222,3,0,0,0,management,low +0.49,0.56,3,221,3,1,0,0,IT,low +0.85,0.65,4,280,3,1,0,0,IT,medium +0.85,0.53,3,250,3,0,0,0,IT,medium +0.91,0.77,4,167,3,1,0,0,IT,medium +0.7,0.48,4,238,3,0,0,0,IT,medium +0.98,0.99,4,132,2,0,0,0,product_mng,medium +0.48,0.48,2,245,5,0,0,0,product_mng,medium +0.39,0.6,2,161,2,0,0,0,product_mng,medium +0.66,0.89,3,242,3,0,0,0,product_mng,medium +0.6,0.61,3,104,5,0,0,0,IT,medium +0.88,0.9,4,152,4,0,0,0,RandD,medium +0.85,0.83,3,226,2,0,0,0,RandD,medium +0.76,0.81,3,175,3,0,0,0,RandD,medium +1,0.67,5,241,4,0,0,0,RandD,medium +0.79,0.74,2,158,3,0,0,0,RandD,medium +0.63,0.52,5,226,4,0,0,0,marketing,medium +0.5,0.83,2,220,2,1,0,0,sales,medium +0.83,0.74,4,233,3,0,0,0,accounting,medium +0.71,0.81,3,141,3,0,0,0,support,medium +0.94,0.87,4,157,3,0,0,0,technical,medium +0.56,0.57,2,112,4,0,0,0,management,medium +0.78,0.71,4,216,2,0,0,0,marketing,medium +0.34,0.46,5,131,3,0,0,0,marketing,medium +0.62,0.67,3,212,3,0,0,0,marketing,medium +0.82,0.74,3,163,2,0,0,0,sales,high +0.42,0.5,2,151,3,0,0,0,sales,low +0.51,0.79,3,137,3,0,0,0,sales,medium +0.63,0.78,2,158,5,1,0,0,sales,medium +0.43,0.81,3,102,3,0,0,0,sales,medium +0.5,0.49,5,256,3,0,0,0,sales,medium +0.81,0.87,4,203,2,0,0,0,sales,medium +0.63,0.7,5,177,2,1,0,0,sales,medium +0.86,0.7,4,197,3,0,0,0,sales,medium +0.92,0.91,3,202,2,0,0,0,sales,medium +0.72,0.78,3,229,2,0,0,0,sales,medium +0.78,0.63,4,181,2,0,0,0,sales,medium +0.76,0.65,3,254,2,0,0,0,sales,low +0.84,0.63,2,162,3,0,0,0,sales,low +0.78,0.54,4,102,3,0,0,0,sales,low +0.57,0.59,4,197,3,0,0,0,sales,low +0.15,0.42,3,98,3,0,0,0,sales,low +0.69,0.77,3,232,2,0,0,0,sales,low +0.73,0.6,3,252,4,1,0,0,sales,low +0.96,0.54,5,161,3,1,0,0,accounting,high +0.91,0.78,4,169,4,0,0,0,accounting,low +0.58,0.97,2,216,3,0,0,0,accounting,high +0.84,0.56,3,266,3,0,0,0,hr,high +0.51,0.58,3,141,3,0,0,0,hr,low +0.71,0.95,4,249,3,0,0,0,hr,low +0.63,0.82,5,268,3,0,0,0,hr,high +0.66,0.51,3,192,3,0,0,0,technical,low +0.5,0.8,6,201,5,0,0,0,technical,medium +0.56,0.89,3,163,3,1,0,0,technical,high +0.57,0.46,3,167,4,0,0,0,technical,medium +0.7,0.65,5,202,3,1,0,0,technical,medium +0.84,0.62,5,245,4,0,0,0,technical,medium +0.33,0.59,3,243,2,0,0,0,technical,medium +0.64,0.94,3,204,2,0,0,0,technical,high +0.93,0.54,4,239,2,0,0,0,technical,medium +1,0.58,4,229,2,1,0,0,technical,medium +0.91,0.49,3,213,4,0,0,0,technical,medium +0.56,0.59,5,254,4,0,0,0,support,high +0.62,0.52,6,253,4,0,0,0,support,medium +0.98,0.68,4,253,3,0,0,0,support,high +0.96,0.85,5,211,4,0,0,0,support,low +0.61,0.99,5,98,2,0,0,0,support,medium +0.92,0.66,4,133,3,0,0,0,support,medium +0.58,0.67,5,265,3,0,0,0,support,medium +0.47,0.49,2,112,3,1,0,0,support,medium +0.87,0.7,3,224,3,0,0,0,support,low +0.8,0.64,5,180,2,0,0,0,support,low +0.54,0.53,3,203,2,0,0,0,support,low +0.14,0.83,6,275,6,0,0,0,technical,low +0.98,0.76,5,168,3,0,0,0,technical,low +0.13,0.58,4,203,4,0,0,0,technical,low +0.64,0.81,3,209,3,0,0,0,management,low +0.91,0.75,3,166,2,0,0,0,IT,low +0.24,0.71,3,187,5,0,0,0,IT,low +0.34,0.42,6,287,5,1,0,0,IT,low +0.51,0.85,2,248,4,0,0,0,IT,high +0.91,0.7,3,193,2,0,0,0,IT,low +0.86,0.9,4,162,3,0,0,0,product_mng,low +1,0.61,3,188,4,0,0,0,product_mng,low +0.37,0.41,6,101,3,0,0,0,product_mng,low +0.46,0.73,6,256,4,0,0,0,product_mng,high +0.86,0.8,5,134,2,0,0,0,IT,low +0.36,0.68,2,126,4,0,0,0,marketing,high +0.52,0.93,2,243,3,0,0,0,accounting,high +0.51,0.73,3,205,4,0,0,0,accounting,high +0.69,0.94,5,259,2,0,0,0,IT,medium +0.67,0.5,5,219,3,0,0,0,IT,medium +0.6,0.99,5,161,3,0,0,0,management,high +0.71,0.57,3,207,3,0,0,0,marketing,medium +0.65,0.79,3,201,3,1,0,0,sales,high +0.48,0.92,3,234,3,0,0,0,accounting,medium +0.67,0.58,4,158,3,0,0,0,support,medium +0.68,0.63,5,185,4,0,0,0,technical,medium +0.74,0.85,3,176,3,0,0,0,management,medium +0.9,0.77,5,163,3,0,0,0,marketing,medium +0.67,0.83,3,171,3,1,0,0,marketing,medium +0.64,0.66,5,163,4,0,0,0,marketing,medium +0.54,0.87,4,163,3,0,0,0,sales,medium +0.6,0.73,2,180,2,0,0,0,sales,high +0.72,0.67,3,243,3,0,0,0,sales,low +0.97,0.49,4,213,2,0,0,0,sales,medium +0.99,0.89,3,273,2,0,0,0,sales,medium +0.75,0.93,4,195,3,0,0,0,sales,medium +0.84,0.98,4,246,3,0,0,0,sales,medium +0.76,0.5,3,196,3,1,0,0,sales,medium +0.96,0.51,5,205,2,1,0,0,sales,medium +0.12,0.81,4,287,6,0,0,0,sales,medium +0.54,0.79,3,211,3,0,0,0,sales,medium +0.69,0.98,3,261,4,0,0,0,sales,medium +0.77,0.71,5,204,3,0,0,0,sales,high +0.96,0.86,2,163,3,0,0,0,sales,low +0.53,0.62,4,162,2,0,0,0,sales,low +0.54,0.72,4,259,2,1,0,0,sales,low +0.89,0.64,4,151,5,0,0,0,sales,high +0.52,0.84,2,266,2,0,0,0,sales,low +0.29,0.65,5,110,5,1,0,0,sales,low +0.93,0.6,4,271,3,0,0,0,accounting,low +0.71,0.68,4,208,2,0,0,0,accounting,high +0.23,0.5,2,150,6,0,0,0,accounting,low +0.89,0.96,3,122,4,0,0,0,hr,low +0.51,0.5,4,246,3,0,0,0,hr,low +0.27,0.64,2,188,3,0,0,0,hr,low +0.9,0.53,3,167,3,0,0,0,hr,low +0.88,0.57,4,261,4,0,0,0,technical,low +0.91,0.83,4,235,3,0,0,0,technical,low +0.65,0.63,4,199,2,0,0,0,technical,medium +0.68,0.5,4,166,4,1,0,0,technical,medium +0.58,0.63,4,272,3,0,0,0,technical,medium +0.68,0.62,3,158,3,0,0,0,technical,medium +0.59,0.76,3,264,3,0,0,0,technical,medium +0.56,0.57,5,274,3,0,0,0,technical,medium +0.74,0.44,5,169,3,1,0,0,technical,medium +0.5,0.91,4,148,2,0,0,0,technical,medium +0.85,0.65,4,162,2,0,0,0,technical,medium +0.57,0.48,5,221,3,0,0,0,support,medium +0.89,0.58,3,167,3,0,0,0,support,medium +0.76,0.66,5,206,2,0,0,0,support,medium +0.96,0.7,3,169,3,0,0,0,support,high +0.81,0.68,4,179,3,0,0,0,support,low +0.79,0.85,4,100,6,0,0,0,support,medium +0.63,0.66,3,177,2,1,0,0,support,medium +0.92,0.82,5,252,3,0,0,0,support,medium +0.77,0.74,4,202,4,0,0,0,support,medium +0.73,0.87,4,263,2,0,0,0,support,low +0.74,0.98,4,160,2,0,0,0,support,low +0.8,0.74,5,229,3,1,0,0,technical,low +0.82,0.85,5,195,4,0,0,0,technical,low +0.48,0.81,3,212,2,0,0,0,technical,low +0.79,0.54,6,190,4,0,0,0,management,low +0.87,0.41,3,219,3,1,0,0,IT,low +0.96,0.88,2,193,2,0,0,0,IT,low +0.96,0.58,5,197,4,1,0,0,IT,low +0.69,0.66,3,206,2,0,0,0,IT,low +0.42,0.58,2,140,3,0,0,0,IT,low +0.7,0.76,3,173,2,0,0,0,product_mng,low +0.97,0.76,6,142,2,0,0,0,product_mng,low +0.6,0.59,3,237,4,1,0,0,product_mng,low +0.63,0.63,5,252,2,0,0,0,product_mng,low +0.65,0.82,4,196,2,0,0,0,IT,low +0.85,0.81,3,205,3,0,0,0,marketing,high +0.54,0.83,3,201,3,0,0,0,accounting,high +0.23,0.74,5,120,4,0,0,0,accounting,high +0.95,0.73,2,187,2,0,0,0,IT,medium +1,0.51,5,274,4,0,0,0,IT,medium +0.77,0.93,3,227,3,0,0,0,management,high +0.8,0.53,3,245,3,0,0,0,sales,medium +0.88,0.56,4,243,4,0,0,0,accounting,medium +0.73,0.68,3,132,2,0,0,0,support,medium +0.54,0.9,3,206,3,0,0,0,technical,medium +0.92,0.58,5,205,2,1,0,0,management,medium +0.14,0.88,3,162,4,0,0,0,marketing,medium +0.65,0.79,5,266,3,0,0,0,marketing,medium +0.17,0.89,5,261,5,0,0,0,marketing,medium +0.18,0.67,5,209,4,0,0,0,sales,medium +0.58,0.5,5,184,4,0,0,0,sales,medium +0.63,0.67,4,229,3,0,0,0,sales,medium +0.68,0.81,3,180,2,1,0,0,sales,high +0.91,0.98,5,135,3,0,0,0,sales,low +0.95,0.94,3,174,3,0,0,0,sales,medium +0.89,0.76,2,278,2,0,0,0,sales,medium +0.76,0.76,3,197,2,0,0,0,sales,medium +0.96,0.72,3,157,3,0,0,0,sales,medium +0.78,0.63,4,156,3,0,0,0,sales,low +0.98,0.9,3,186,4,0,0,0,sales,low +0.76,0.42,3,217,2,0,0,0,sales,low +0.63,0.49,5,192,2,0,0,0,sales,low +0.39,0.37,3,127,3,0,0,0,sales,low +0.91,0.67,3,257,2,0,0,0,sales,low +0.8,0.8,4,229,4,0,0,0,sales,low +0.89,0.64,4,274,2,1,0,0,sales,low +0.75,0.41,5,196,4,0,0,0,sales,low +0.94,0.85,3,137,3,0,0,0,sales,low +0.5,0.75,4,239,2,0,0,0,accounting,low +0.75,0.95,4,177,3,0,0,0,accounting,low +0.84,0.78,5,164,3,0,0,0,accounting,low +0.55,0.81,5,229,3,0,0,0,hr,low +0.59,0.82,3,149,3,0,0,0,hr,low +0.58,0.43,3,224,6,0,0,0,hr,low +0.91,0.59,5,179,3,0,0,0,hr,low +0.43,0.92,5,151,4,0,0,0,technical,low +0.51,0.79,5,222,2,0,0,0,technical,low +0.81,0.96,4,219,2,0,0,0,technical,low +0.72,0.39,3,257,3,0,0,0,technical,low +0.89,0.99,4,258,3,1,0,0,technical,medium +0.61,0.74,5,185,2,1,0,0,technical,medium +0.57,0.7,3,248,2,0,0,0,technical,medium +0.74,0.82,5,154,2,0,0,0,technical,medium +0.87,0.64,3,187,2,0,0,0,technical,medium +0.58,0.62,3,182,3,0,0,0,technical,medium +0.63,0.59,3,189,3,0,0,0,technical,medium +0.89,0.85,4,195,4,0,0,0,support,medium +0.49,0.74,2,154,3,0,0,0,support,medium +0.59,0.59,4,244,3,0,0,0,support,medium +0.71,0.99,3,228,2,0,0,0,support,medium +0.58,0.62,3,218,3,0,0,0,support,medium +0.84,0.61,5,202,3,0,0,0,support,high +0.92,0.48,4,208,3,0,0,0,support,low +0.91,0.59,3,266,2,0,0,0,support,medium +0.92,0.78,4,177,2,0,0,0,support,medium +0.95,0.65,3,183,3,0,0,0,support,medium +0.53,0.62,4,201,3,0,0,0,support,medium +0.89,0.89,5,179,2,0,0,0,technical,low +0.81,0.84,3,198,2,0,0,0,technical,low +0.78,0.67,5,209,3,0,0,0,technical,low +0.66,0.48,3,203,4,1,0,0,management,low +0.37,0.71,6,266,5,0,0,0,IT,low +0.55,0.84,4,200,4,0,0,0,IT,low +0.79,0.88,3,195,4,0,0,0,IT,low +0.89,0.83,5,269,3,0,0,0,IT,low +0.54,0.76,5,226,2,0,0,0,IT,low +0.74,0.8,4,200,4,0,0,0,product_mng,low +0.7,0.47,2,176,5,0,0,0,product_mng,low +0.37,0.85,2,185,3,0,0,0,product_mng,low +0.84,0.71,3,179,2,0,0,0,product_mng,low +0.55,0.58,5,208,3,0,0,0,IT,low +0.93,0.79,5,241,4,0,0,0,marketing,high +0.97,0.55,4,166,3,1,0,0,accounting,high +0.64,0.53,3,216,3,0,0,0,accounting,high +0.62,0.64,4,185,2,0,0,0,IT,medium +0.26,0.91,5,183,6,0,0,0,IT,medium +0.93,0.49,4,255,2,0,0,0,management,high +0.27,0.61,3,213,6,0,0,0,sales,low +0.9,0.63,4,173,3,0,0,0,accounting,medium +0.16,0.7,6,246,4,0,0,0,support,medium +0.75,0.63,3,148,4,0,0,0,technical,medium +0.72,0.74,2,238,3,0,0,0,management,medium +0.68,0.51,3,185,3,0,0,0,marketing,medium +0.13,0.77,4,201,5,0,0,0,marketing,medium +0.96,0.92,3,150,2,0,0,0,marketing,medium +0.71,0.72,4,137,3,0,0,0,sales,medium +0.85,0.66,5,189,3,0,0,0,sales,medium +0.87,0.91,3,229,3,1,0,0,sales,medium +0.86,0.93,3,199,3,1,0,0,sales,medium +0.49,0.85,3,250,2,0,0,0,sales,medium +0.99,0.59,5,263,3,0,0,0,sales,high +0.75,0.95,3,268,3,1,0,0,sales,low +0.61,0.64,3,187,2,0,0,0,sales,medium +0.89,0.84,6,196,4,0,0,0,sales,medium +0.77,0.7,4,232,3,0,0,0,sales,medium +0.7,0.79,3,226,4,0,0,0,sales,medium +0.5,0.58,4,96,3,0,0,0,sales,low +0.61,1,4,133,4,0,0,0,sales,low +0.98,0.53,4,214,2,0,0,0,sales,low +0.61,0.77,4,252,2,0,0,0,sales,low +0.85,0.56,3,199,4,0,0,0,sales,low +0.42,0.85,3,150,3,0,0,0,sales,low +0.56,0.75,4,141,3,0,0,0,sales,low +0.88,0.8,4,239,3,0,0,0,sales,low +0.92,0.69,3,139,2,0,0,0,accounting,low +0.85,0.77,3,146,4,0,0,0,accounting,low +0.66,0.74,4,179,3,0,0,0,accounting,low +0.82,0.93,3,160,3,0,0,0,hr,low +0.14,0.58,6,205,3,0,0,0,hr,low +0.6,0.98,5,213,3,0,0,0,hr,low +0.92,0.65,4,260,2,0,0,0,hr,low +0.51,0.72,3,242,3,0,0,0,technical,low +0.85,0.46,3,123,5,1,0,0,technical,low +0.43,0.84,2,285,5,0,0,0,technical,low +0.98,0.56,3,103,5,0,0,0,technical,medium +0.84,0.55,5,264,3,0,0,0,technical,medium +0.7,0.52,3,227,2,0,0,0,technical,medium +0.82,0.82,5,267,2,0,0,0,technical,medium +0.94,0.67,3,142,3,0,0,0,technical,medium +0.55,0.79,3,254,3,1,0,0,technical,medium +0.98,0.5,3,251,3,0,0,0,technical,medium +0.78,0.63,4,158,3,0,0,0,technical,medium +0.99,0.77,5,160,3,0,0,0,support,medium +0.74,0.58,4,215,3,1,0,0,support,medium +0.5,0.74,4,237,2,1,0,0,support,medium +0.25,0.8,5,237,6,0,0,0,support,medium +0.49,0.55,4,268,4,0,0,0,support,high +0.63,0.74,4,234,3,0,0,0,support,low +0.68,0.73,3,250,2,0,0,0,support,medium +0.62,0.54,4,212,4,0,0,0,support,medium +0.89,0.52,4,189,3,0,0,0,support,medium +0.31,0.37,2,104,3,1,0,0,support,medium +0.89,0.61,3,211,2,0,0,0,support,low +0.72,0.65,3,109,5,1,0,0,technical,low +0.84,0.75,2,168,2,0,0,0,technical,low +0.88,0.71,3,184,3,0,0,0,technical,low +0.74,1,4,242,2,0,0,0,management,low +0.96,0.95,6,215,4,0,0,0,IT,low +0.82,0.89,5,182,3,0,0,0,IT,low +0.7,0.64,5,260,3,0,0,0,IT,low +0.61,0.84,4,265,2,0,0,0,IT,low +0.65,0.83,5,182,2,1,0,0,IT,low +0.77,0.64,3,191,3,1,0,0,product_mng,low +0.81,0.77,5,167,4,0,0,0,product_mng,low +0.87,0.66,3,270,2,0,0,0,product_mng,low +0.96,0.73,4,273,2,0,0,0,product_mng,low +0.48,0.7,3,251,3,0,0,0,IT,low +0.78,0.96,3,217,3,0,0,0,marketing,high +0.75,1,4,222,2,1,0,0,accounting,high +0.23,0.87,5,258,4,1,0,0,accounting,high +0.85,0.76,3,197,5,0,0,0,IT,medium +0.67,0.56,3,193,2,1,0,0,IT,medium +0.71,0.81,2,182,3,0,0,0,management,high +0.72,0.7,3,163,3,1,0,0,sales,medium +0.8,0.77,4,224,2,0,0,0,accounting,medium +0.64,0.86,4,143,2,0,0,0,support,medium +0.54,0.42,6,218,3,0,0,0,technical,medium +0.73,0.67,3,208,4,0,0,0,management,medium +0.73,1,2,229,3,0,0,0,marketing,medium +0.55,0.62,5,184,4,0,0,0,marketing,medium +0.63,0.41,3,180,5,1,0,0,marketing,medium +0.15,0.8,5,121,5,0,0,0,sales,medium +0.6,0.5,5,203,3,0,0,0,sales,medium +0.38,0.51,3,151,2,0,0,0,sales,medium +0.81,0.77,4,239,3,0,0,0,sales,medium +0.75,0.53,3,166,3,0,0,0,sales,high +0.52,0.92,3,268,3,0,0,0,sales,low +0.51,1,5,196,4,0,0,0,sales,medium +0.66,0.62,4,241,3,0,0,0,sales,medium +0.8,0.87,5,251,3,0,0,0,sales,medium +0.85,0.69,3,263,3,0,0,0,sales,medium +0.77,0.73,3,224,2,1,0,0,sales,low +0.29,0.4,4,138,4,0,0,0,sales,low +0.15,0.67,6,167,6,0,0,0,sales,low +0.73,0.83,5,266,5,0,0,0,sales,low +0.55,0.74,2,116,3,0,0,0,sales,low +0.2,0.69,2,160,4,0,0,0,sales,low +0.56,0.68,3,144,3,1,0,0,sales,low +0.55,0.54,3,190,3,0,0,0,sales,low +0.9,0.49,6,175,4,0,0,0,sales,low +0.73,0.55,3,206,4,0,0,0,accounting,low +0.48,0.99,5,180,2,0,0,0,accounting,low +0.64,0.74,4,157,4,0,0,0,accounting,low +0.95,0.75,4,203,3,0,0,0,hr,low +0.82,0.66,4,238,3,1,0,0,hr,low +0.95,0.65,3,273,4,0,0,0,hr,low +0.92,0.9,4,179,3,0,0,0,hr,low +0.22,0.84,3,131,5,1,0,0,technical,low +0.17,0.77,4,151,6,0,0,0,technical,low +0.51,0.55,3,261,3,0,0,0,technical,low +0.67,0.64,3,203,2,1,0,0,technical,low +0.6,0.66,5,143,2,0,0,0,technical,low +0.99,0.55,3,97,6,1,0,0,technical,medium +0.35,0.71,6,204,4,1,0,0,technical,medium +0.13,0.72,4,154,4,0,0,0,technical,medium +0.97,0.93,2,160,6,0,0,0,technical,medium +0.49,0.61,4,232,3,1,0,0,technical,medium +0.62,0.71,3,255,2,0,0,0,technical,medium +0.35,0.54,3,128,3,0,0,0,support,medium +0.81,0.79,4,222,3,0,0,0,support,medium +0.57,0.75,5,171,4,0,0,0,support,medium +1,0.66,4,173,2,0,0,0,support,medium +0.93,0.71,4,272,2,0,0,0,support,medium +0.89,0.85,3,166,3,0,0,0,support,medium +0.64,0.61,4,143,2,1,0,0,support,high +0.54,0.95,4,149,3,0,0,0,support,low +0.52,0.85,4,257,2,0,0,0,support,medium +0.12,0.65,5,262,6,0,0,0,support,medium +0.14,0.49,4,115,4,0,0,0,support,medium +0.57,0.54,4,142,4,0,0,0,technical,medium +0.57,0.64,4,144,4,0,0,0,technical,low +1,0.56,5,247,3,0,0,0,technical,low +0.94,0.58,4,216,3,0,0,0,management,low +0.93,0.48,3,276,3,0,0,0,IT,low +0.91,0.88,5,123,5,0,0,0,IT,low +0.85,0.77,4,264,3,0,0,0,IT,low +0.8,0.98,3,189,6,0,0,0,IT,low +0.68,0.69,3,148,2,0,0,0,IT,low +0.91,0.6,5,150,3,0,0,0,product_mng,medium +0.93,0.9,3,172,3,0,0,0,product_mng,medium +0.81,0.68,3,236,2,0,0,0,product_mng,medium +0.51,0.74,4,151,3,0,0,0,product_mng,medium +0.49,0.52,3,168,3,0,0,0,IT,medium +0.55,0.55,5,256,3,0,0,0,RandD,medium +0.17,0.51,6,213,3,0,0,0,RandD,medium +0.8,0.79,4,148,3,0,0,0,RandD,medium +0.61,0.67,3,266,3,0,0,0,RandD,medium +0.59,0.73,3,195,2,0,0,0,RandD,medium +0.67,0.77,4,242,3,0,0,0,marketing,medium +0.96,0.81,4,183,3,0,0,0,sales,medium +0.72,0.66,3,134,3,0,0,0,accounting,medium +0.72,0.76,4,189,2,0,0,0,support,medium +0.99,0.61,5,196,3,0,0,0,technical,medium +0.22,0.61,4,150,6,0,0,0,management,medium +0.32,0.52,4,191,2,0,0,0,marketing,medium +0.64,0.86,4,248,6,0,0,0,marketing,medium +0.9,0.49,3,256,2,0,0,0,marketing,medium +0.86,0.9,3,158,2,0,0,0,sales,medium +0.67,0.76,2,210,2,0,0,0,sales,medium +0.9,0.59,3,247,2,0,0,0,sales,medium +0.52,0.8,3,156,3,0,0,0,sales,medium +0.57,0.89,3,202,2,0,0,0,sales,medium +0.55,0.83,3,157,2,0,0,0,sales,medium +0.2,0.83,4,258,4,0,0,0,sales,high +0.89,0.66,4,176,3,0,0,0,sales,high +0.15,0.56,4,214,5,0,0,0,sales,high +0.8,0.6,3,212,3,0,0,0,sales,high +0.55,0.48,4,271,6,1,0,0,sales,high +0.53,0.64,5,281,4,0,0,0,sales,high +0.62,0.77,3,204,4,0,0,0,sales,high +1,0.58,3,112,2,0,0,0,sales,high +0.31,0.75,3,120,4,0,0,0,sales,high +0.62,0.51,5,134,3,0,0,0,sales,high +0.73,0.61,5,222,3,0,0,0,sales,high +0.52,0.61,3,203,3,0,0,0,sales,high +0.33,0.65,2,239,5,0,0,0,sales,low +0.88,0.5,3,142,3,0,0,0,accounting,low +0.65,0.54,2,177,3,0,0,0,accounting,low +0.91,0.7,6,201,2,1,0,0,accounting,low +0.83,0.91,3,196,4,0,0,0,hr,low +0.2,0.87,3,140,6,1,0,0,hr,low +0.96,0.8,5,195,4,1,0,0,hr,low +0.75,0.89,5,154,4,0,0,0,hr,low +0.93,0.57,3,141,2,0,0,0,technical,low +0.87,0.49,4,213,3,0,0,0,technical,low +0.94,0.58,5,222,3,0,0,0,technical,low +0.85,0.72,3,150,2,1,0,0,technical,low +0.63,0.5,4,172,2,0,0,0,technical,low +0.78,0.63,5,261,3,0,0,0,technical,low +0.87,0.92,2,248,3,0,0,0,technical,low +0.77,0.76,5,149,2,0,0,0,technical,medium +1,0.61,5,178,3,0,0,0,technical,medium +0.93,0.81,3,212,3,0,0,0,technical,medium +0.5,0.4,2,108,2,0,0,0,technical,medium +0.9,0.66,4,160,2,1,0,0,support,medium +0.61,0.56,2,160,3,0,0,0,support,medium +0.57,0.97,5,196,2,0,0,0,support,medium +0.43,0.5,4,121,5,1,0,0,support,medium +0.6,0.56,5,268,2,0,0,0,support,medium +0.56,0.92,3,232,2,0,0,0,support,medium +0.57,0.62,5,263,2,0,0,0,support,medium +0.56,0.82,3,208,2,0,0,0,support,medium +0.64,0.9,6,143,5,0,0,0,support,high +0.53,0.56,5,236,4,1,0,0,support,high +0.19,0.6,5,198,4,0,0,0,support,high +0.5,0.8,4,261,3,0,0,0,technical,high +0.86,0.97,4,258,3,0,0,0,technical,high +0.92,0.66,3,230,3,0,0,0,technical,high +0.82,0.97,3,137,3,0,0,0,management,high +0.54,0.51,5,258,3,0,0,0,IT,high +0.23,0.51,5,139,6,0,0,0,IT,low +0.65,0.71,4,186,2,0,0,0,IT,low +0.99,0.98,4,259,3,0,0,0,IT,low +0.54,0.59,4,202,3,0,0,0,IT,low +0.99,0.68,4,235,3,0,0,0,product_mng,low +0.76,0.89,4,224,2,0,0,0,product_mng,low +0.57,0.54,4,210,3,0,0,0,product_mng,low +0.53,0.75,4,240,4,0,0,0,product_mng,low +0.86,0.55,5,149,4,0,0,0,IT,medium +0.97,0.96,4,250,6,0,0,0,RandD,medium +0.13,0.76,5,171,5,0,0,0,RandD,medium +0.73,0.89,3,139,3,0,0,0,RandD,medium +0.62,0.95,4,132,3,0,0,0,RandD,medium +0.59,0.37,3,125,2,0,0,0,RandD,medium +0.63,0.7,6,141,3,1,0,0,marketing,medium +0.64,0.52,3,269,2,0,0,0,sales,medium +0.5,0.85,5,249,3,1,0,0,accounting,medium +0.58,0.89,3,256,2,0,0,0,support,medium +0.32,0.87,4,179,4,0,0,0,technical,medium +0.72,0.67,5,210,2,0,0,0,management,medium +0.61,0.74,3,160,3,0,0,0,marketing,medium +0.97,0.55,2,267,4,0,0,0,marketing,medium +0.87,0.64,2,169,3,1,0,0,marketing,medium +0.88,0.81,4,235,6,0,0,0,sales,medium +0.52,0.99,3,136,3,0,0,0,sales,medium +0.95,0.81,5,210,4,0,0,0,sales,medium +0.96,0.62,5,230,2,0,0,0,sales,medium +0.98,0.58,5,186,3,0,0,0,sales,medium +0.51,0.51,2,271,3,0,0,0,sales,medium +1,0.63,2,105,2,0,0,0,sales,medium +0.97,0.67,2,147,2,0,0,0,sales,medium +0.79,0.56,4,177,3,0,0,0,sales,high +0.64,0.45,3,135,6,0,0,0,sales,low +0.84,0.76,5,243,3,0,0,0,sales,medium +0.94,0.57,3,166,4,0,0,0,sales,medium +0.7,0.79,4,194,3,0,0,0,sales,medium +0.64,1,4,201,2,0,0,0,sales,medium +0.56,0.88,4,248,2,0,0,0,sales,medium +0.32,0.81,5,111,4,0,0,0,sales,medium +0.75,0.72,5,174,3,0,0,0,sales,medium +0.78,0.58,3,241,3,1,0,0,sales,medium +0.7,0.49,4,173,3,0,0,0,sales,medium +0.21,0.39,6,132,5,0,0,0,accounting,medium +0.64,0.96,3,274,3,0,0,0,accounting,low +0.54,0.52,3,115,3,0,0,0,accounting,low +0.79,0.98,4,170,3,0,0,0,hr,low +0.91,0.58,3,172,3,0,0,0,hr,low +0.76,0.73,4,148,2,1,0,0,hr,low +0.77,0.95,3,246,3,0,0,0,hr,low +0.92,0.88,4,151,3,0,0,0,technical,low +0.53,0.57,5,141,3,1,0,0,technical,high +0.44,0.52,3,269,4,0,0,0,technical,low +0.54,0.52,5,170,4,0,0,0,technical,high +0.93,0.5,2,135,3,0,0,0,technical,high +0.67,0.68,4,254,3,0,0,0,technical,low +0.66,0.99,3,228,2,0,0,0,technical,low +0.7,0.6,3,266,2,0,0,0,technical,high +0.79,0.57,4,152,3,0,0,0,technical,low +0.5,0.75,5,178,6,0,0,0,technical,medium +1,0.75,3,237,3,0,0,0,technical,high +0.61,0.52,5,255,3,0,0,0,support,medium +0.72,0.5,4,245,3,0,0,0,support,medium +0.78,0.95,3,155,3,1,0,0,support,medium +0.87,0.84,5,216,3,1,0,0,support,medium +0.57,0.58,3,251,2,0,0,0,support,high +0.85,0.96,2,260,3,0,0,0,support,medium +0.83,0.67,5,132,2,1,0,0,support,medium +0.4,0.37,3,169,3,1,0,0,support,medium +0.91,0.69,4,259,3,0,0,0,support,high +0.48,0.98,3,257,2,0,0,0,support,medium +0.94,0.58,5,190,3,1,0,0,support,high +0.65,0.76,4,171,4,0,0,0,technical,low +0.54,0.49,4,190,3,0,0,0,technical,medium +0.76,0.81,5,270,4,0,0,0,technical,medium +0.88,0.59,4,227,3,0,0,0,management,medium +0.9,0.55,3,195,3,0,0,0,IT,medium +0.64,0.75,3,169,3,0,0,0,IT,low +0.74,0.75,4,169,4,0,0,0,IT,low +0.45,0.54,2,184,2,0,0,0,IT,low +0.61,0.62,3,240,3,0,0,0,IT,low +0.16,0.97,6,282,4,0,0,0,product_mng,low +0.67,0.74,3,226,3,0,0,0,product_mng,low +0.74,0.74,2,254,3,0,0,0,product_mng,low +0.53,0.57,4,250,3,1,0,0,product_mng,low +0.75,0.98,3,143,2,0,0,0,IT,low +0.76,0.98,4,258,3,0,0,0,RandD,low +0.72,0.72,5,265,3,0,0,0,RandD,high +0.65,0.54,6,181,4,0,0,0,RandD,low +0.69,0.66,4,178,3,0,0,0,RandD,low +0.7,0.74,3,194,3,0,0,0,RandD,low +0.66,0.84,4,253,4,0,0,0,marketing,low +0.13,0.48,3,210,3,0,0,0,sales,high +0.67,0.53,3,264,2,0,0,0,accounting,low +0.99,0.7,3,219,3,0,0,0,support,low +0.51,0.86,3,198,2,0,0,0,technical,low +0.61,0.7,4,161,3,1,0,0,management,high +0.9,0.6,3,255,4,1,0,0,marketing,low +0.61,0.62,4,233,3,0,0,0,marketing,medium +0.15,0.89,3,251,4,0,0,0,marketing,high +0.53,0.85,5,268,3,1,0,0,sales,medium +0.41,0.48,3,135,3,0,0,0,sales,high +0.9,0.64,4,201,2,1,0,0,sales,medium +0.67,0.9,5,171,3,0,0,0,sales,medium +0.22,0.7,4,225,4,0,0,0,sales,medium +0.35,0.56,3,144,3,0,0,0,sales,medium +0.66,0.96,4,185,2,1,0,0,sales,medium +0.63,0.82,5,275,3,1,0,0,sales,medium +0.89,0.67,3,269,3,0,0,0,sales,medium +0.88,0.75,4,201,2,0,0,0,sales,medium +0.73,0.6,4,166,3,0,0,0,sales,high +1,0.83,4,280,4,1,0,0,sales,low +0.99,0.89,4,254,3,1,0,0,sales,medium +0.12,0.84,5,230,4,0,0,0,sales,medium +0.64,0.43,5,269,3,0,0,0,sales,medium +0.65,0.72,3,248,4,0,0,0,sales,medium +0.56,0.57,4,161,3,0,0,0,sales,medium +0.88,0.62,4,237,2,0,0,0,sales,medium +0.54,0.68,3,144,5,0,0,0,sales,medium +0.77,0.8,2,255,2,1,0,0,accounting,medium +0.66,0.67,5,148,3,0,0,0,accounting,medium +0.54,0.65,3,185,2,0,0,0,accounting,high +0.14,0.43,2,238,3,0,0,0,hr,low +0.85,0.69,5,273,3,1,0,0,hr,low +0.9,0.66,3,256,4,0,0,0,hr,low +0.81,0.79,4,177,2,0,0,0,hr,high +0.14,0.76,5,215,4,0,0,0,technical,low +0.94,0.96,4,270,3,1,0,0,technical,low +0.69,0.82,4,272,2,0,0,0,technical,low +0.66,0.67,4,268,2,0,0,0,technical,high +0.75,0.61,4,272,2,0,0,0,technical,low +0.53,0.61,4,182,3,0,0,0,technical,low +0.91,0.82,6,280,3,0,0,0,technical,low +0.93,0.61,4,205,3,0,0,0,technical,low +0.89,0.91,3,264,3,1,0,0,technical,low +0.84,0.79,2,150,3,0,0,0,technical,low +0.94,0.86,3,150,2,0,0,0,technical,low +1,0.86,4,195,4,0,0,0,support,medium +0.79,0.68,5,272,3,0,0,0,support,medium +0.62,0.61,3,171,3,0,0,0,support,medium +0.45,0.43,4,253,4,0,0,0,support,medium +0.54,0.48,3,158,2,0,0,0,support,medium +0.13,0.97,3,156,2,0,0,0,support,medium +0.99,0.73,3,181,2,0,0,0,support,medium +0.54,0.75,4,249,4,0,0,0,support,medium +0.52,0.38,3,132,4,0,0,0,support,medium +0.24,0.65,4,248,3,0,0,0,support,medium +0.12,0.7,5,277,3,0,0,0,support,medium +0.52,0.96,6,166,5,1,0,0,technical,medium +0.44,0.63,3,193,3,0,0,0,technical,high +0.81,0.53,3,148,3,0,0,0,technical,low +0.25,0.64,4,226,5,0,0,0,management,medium +0.63,0.91,3,233,4,0,0,0,IT,medium +0.61,0.46,3,171,3,0,0,0,IT,medium +0.51,0.56,4,157,3,0,0,0,IT,medium +0.66,0.54,5,191,2,0,0,0,IT,low +0.86,0.59,4,189,2,0,0,0,IT,low +0.98,0.89,5,181,3,0,0,0,product_mng,low +0.99,0.37,6,219,6,0,0,0,product_mng,low +0.78,0.91,3,166,2,1,0,0,product_mng,low +0.84,0.53,2,275,3,0,0,0,product_mng,low +0.17,0.59,6,160,2,0,0,0,IT,low +0.48,0.72,4,186,3,0,0,0,RandD,low +0.63,0.66,3,256,4,1,0,0,RandD,low +0.58,0.67,3,156,2,0,0,0,RandD,low +0.7,0.48,5,99,4,0,0,0,RandD,low +0.61,0.85,4,273,3,0,0,0,RandD,low +0.91,0.81,4,135,2,0,0,0,marketing,low +0.34,0.82,6,202,3,0,0,0,sales,low +0.56,0.49,4,256,3,0,0,0,accounting,low +0.93,0.81,3,143,3,0,0,0,support,low +0.56,0.81,4,216,2,0,0,0,technical,low +0.99,0.5,4,173,3,0,0,0,management,low +0.77,0.83,4,154,3,0,0,0,marketing,low +0.76,0.61,4,172,2,0,0,0,marketing,low +0.65,0.65,5,180,2,0,0,0,marketing,low +0.5,0.76,3,174,3,0,0,0,sales,medium +0.59,0.61,3,210,2,0,0,0,sales,medium +0.68,0.58,4,186,2,0,0,0,sales,medium +0.85,0.82,5,184,3,0,0,0,sales,medium +0.83,0.77,3,260,2,0,0,0,sales,medium +0.7,0.58,4,207,2,1,0,0,sales,medium +0.16,0.76,6,210,5,0,0,0,sales,medium +0.66,0.95,5,206,2,0,0,0,sales,medium +0.81,0.84,4,173,4,0,0,0,sales,medium +0.96,0.74,5,194,4,1,0,0,sales,medium +0.66,0.54,5,203,2,0,0,0,sales,medium +0.83,0.53,3,186,4,0,0,0,sales,medium +0.99,0.9,4,175,3,1,0,0,sales,high +0.99,0.83,4,274,2,0,0,0,sales,low +0.67,0.78,4,193,3,0,0,0,sales,medium +0.54,0.61,2,264,3,0,0,0,sales,medium +0.22,0.69,3,212,3,0,0,0,sales,medium +0.25,0.82,5,244,5,1,0,0,sales,medium +0.73,0.98,4,216,2,0,0,0,sales,low +1,0.88,4,252,4,0,0,0,accounting,low +0.4,0.58,3,135,3,0,0,0,accounting,low +0.45,0.5,5,99,4,1,0,0,accounting,low +0.61,0.81,5,136,3,0,0,0,hr,low +0.81,0.64,6,176,5,0,0,0,hr,low +0.61,0.76,4,135,2,0,0,0,hr,low +0.57,0.94,3,230,2,0,0,0,hr,low +0.9,0.65,4,221,3,0,0,0,technical,low +0.43,0.82,4,138,5,0,0,0,technical,low +0.99,0.98,4,169,3,1,0,0,technical,low +0.62,0.49,4,174,3,0,0,0,technical,low +0.63,0.65,3,162,2,0,0,0,technical,low +0.89,0.99,4,274,4,0,0,0,technical,low +0.61,0.84,3,206,2,0,0,0,technical,low +0.62,0.89,4,254,3,1,0,0,technical,low +0.86,0.61,4,181,4,0,0,0,technical,low +0.75,0.62,5,144,3,0,0,0,technical,low +0.63,0.54,4,147,4,0,0,0,technical,low +0.69,0.8,3,212,4,0,0,0,support,low +0.71,0.76,3,134,3,1,0,0,support,low +0.63,0.95,4,134,3,0,0,0,support,medium +0.89,0.7,3,256,4,0,0,0,support,medium +0.71,0.36,2,132,5,0,0,0,support,medium +0.88,0.82,4,109,2,0,0,0,support,medium +0.73,0.52,4,141,3,0,0,0,support,medium +0.52,0.83,4,180,2,0,0,0,support,medium +0.77,0.65,2,162,4,1,0,0,support,medium +0.94,0.48,4,143,2,0,0,0,support,medium +0.99,0.87,5,211,2,0,0,0,support,medium +0.89,0.56,4,225,4,0,0,0,technical,medium +0.53,0.52,2,135,4,0,0,0,technical,medium +0.23,0.64,3,228,4,1,0,0,technical,medium +0.87,0.73,5,111,4,0,0,0,management,high +0.21,0.69,3,144,6,1,0,0,IT,low +0.71,0.51,4,202,3,0,0,0,IT,medium +0.75,0.71,5,147,4,1,0,0,IT,medium +0.63,0.89,3,239,3,0,0,0,IT,medium +0.55,0.4,5,219,4,0,0,0,IT,medium +0.93,0.55,3,134,3,1,0,0,product_mng,low +0.53,0.89,3,167,2,0,0,0,product_mng,low +0.94,0.89,4,192,2,0,0,0,product_mng,low +0.46,0.82,2,189,5,0,0,0,product_mng,low +0.59,0.53,4,213,2,0,0,0,IT,low +0.75,0.56,5,231,2,0,0,0,RandD,low +0.76,0.63,3,198,3,0,0,0,RandD,low +0.96,0.89,3,163,2,0,0,0,RandD,low +0.55,0.93,4,251,4,1,0,0,RandD,low +0.52,0.82,3,170,3,0,0,0,RandD,low +0.55,0.5,5,231,3,0,0,0,marketing,low +0.52,0.98,4,165,2,0,0,0,sales,low +0.49,0.5,5,183,3,0,0,0,accounting,low +0.49,0.89,3,213,2,0,0,0,support,low +1,0.89,3,230,3,1,0,0,technical,low +0.97,0.62,3,167,3,0,0,0,management,low +0.97,0.89,3,264,3,0,0,0,marketing,low +0.21,0.43,2,249,3,0,0,0,marketing,low +0.24,0.7,6,153,5,1,0,0,marketing,low +0.76,0.79,3,111,2,0,0,0,sales,low +0.78,0.6,3,232,2,0,0,0,sales,low +0.59,0.52,6,190,4,0,0,0,sales,medium +0.54,0.71,3,145,3,1,0,0,sales,medium +0.34,0.69,2,193,3,0,0,0,sales,medium +0.91,0.82,3,183,2,0,0,0,sales,medium +0.49,0.61,3,240,3,0,0,0,sales,medium +0.71,1,5,210,3,0,0,0,sales,medium +0.64,0.72,4,152,3,1,0,0,sales,medium +0.6,0.61,4,140,4,0,0,0,sales,medium +0.91,0.66,3,208,4,0,0,0,sales,medium +0.92,0.6,3,198,2,0,0,0,sales,medium +0.91,0.52,3,178,3,0,0,0,sales,medium +0.88,0.77,3,279,3,1,0,0,sales,medium +0.86,0.82,3,263,6,0,0,0,sales,high +0.81,0.54,3,215,4,1,0,0,sales,low +0.84,0.73,3,181,3,1,0,0,sales,medium +0.56,0.55,2,270,3,0,0,0,sales,medium +0.6,0.52,3,236,3,0,0,0,sales,medium +0.71,0.87,3,271,2,0,0,0,accounting,medium +0.62,0.79,5,172,3,0,0,0,accounting,low +0.73,0.65,3,145,2,0,0,0,accounting,low +0.56,0.69,5,198,3,0,0,0,hr,low +0.6,0.74,3,175,3,1,0,0,hr,low +0.55,0.64,4,260,3,0,0,0,hr,low +0.5,0.7,4,135,3,0,0,0,hr,low +0.42,0.73,3,108,4,0,0,0,technical,low +0.51,0.94,5,260,4,0,0,0,technical,low +0.66,0.94,4,176,2,1,0,0,technical,low +0.79,0.67,5,222,4,0,0,0,technical,low +0.3,0.66,4,119,3,0,0,0,technical,low +0.57,1,3,241,4,0,0,0,technical,low +0.74,0.93,6,225,4,0,0,0,technical,low +0.98,0.56,5,188,3,0,0,0,technical,low +0.17,0.73,4,188,5,0,0,0,technical,low +0.62,0.77,3,225,4,1,0,0,technical,low +0.32,0.4,2,132,3,0,0,0,technical,low +0.58,0.91,5,185,2,0,0,0,support,low +0.59,0.9,4,173,3,0,0,0,support,medium +0.59,0.55,3,179,3,0,0,0,support,medium +0.8,0.58,4,189,2,0,0,0,support,medium +0.84,0.85,5,246,3,0,0,0,support,medium +0.54,0.76,2,166,4,0,0,0,support,medium +0.51,0.98,4,245,3,0,0,0,support,medium +0.66,0.56,2,104,3,1,0,0,support,medium +0.37,0.52,4,151,2,0,0,0,support,medium +0.49,0.63,4,213,3,0,0,0,support,medium +0.88,0.71,5,255,3,0,0,0,support,medium +0.66,0.9,4,268,3,0,0,0,technical,medium +0.25,0.53,4,160,4,0,0,0,technical,medium +0.49,0.52,4,267,2,0,0,0,technical,high +0.87,0.77,3,190,3,0,0,0,management,low +0.54,0.95,5,255,2,0,0,0,IT,medium +0.24,0.95,3,168,4,0,0,0,IT,medium +0.65,0.74,4,228,2,1,0,0,IT,medium +0.58,0.87,4,181,3,0,0,0,IT,medium +0.77,0.54,5,252,2,0,0,0,IT,low +0.86,0.63,4,244,3,0,0,0,product_mng,low +0.62,0.69,3,207,4,0,0,0,product_mng,low +0.56,0.48,3,134,3,0,0,0,product_mng,low +0.75,0.53,3,244,2,0,0,0,product_mng,low +0.8,0.96,4,160,4,0,0,0,IT,low +0.56,0.93,4,260,4,0,0,0,RandD,low +0.83,0.6,4,170,3,0,0,0,RandD,low +0.51,0.98,4,171,2,0,0,0,RandD,low +0.82,0.9,4,232,3,0,0,0,RandD,low +0.81,0.91,3,184,3,0,0,0,RandD,low +0.52,0.64,4,268,3,0,0,0,marketing,low +0.79,0.56,4,248,3,0,0,0,sales,low +0.83,0.5,5,274,3,0,0,0,accounting,low +0.97,0.81,3,145,3,0,0,0,support,low +0.61,0.88,5,134,4,0,0,0,technical,low +0.84,0.66,3,114,6,1,0,0,management,low +0.9,1,4,218,2,0,0,0,marketing,low +0.82,0.77,4,152,2,1,0,0,marketing,low +0.69,0.76,5,174,3,0,0,0,marketing,low +0.18,0.73,6,231,4,0,0,0,sales,low +0.33,1,2,210,3,1,0,0,sales,medium +0.15,0.92,5,164,3,0,0,0,sales,medium +0.61,0.78,4,198,3,0,0,0,sales,medium +0.92,0.55,4,220,2,0,0,0,sales,medium +0.13,0.61,6,283,5,0,0,0,sales,medium +0.18,0.48,4,240,4,0,0,0,sales,medium +0.27,0.85,5,142,6,0,0,0,sales,medium +0.66,0.61,4,263,4,0,0,0,sales,medium +0.21,0.81,5,142,4,0,0,0,sales,medium +0.92,0.9,4,203,4,0,0,0,sales,medium +0.97,0.5,3,266,3,1,0,0,sales,medium +0.97,0.7,3,253,3,0,0,0,sales,medium +0.64,0.61,4,136,3,0,0,0,sales,high +0.75,0.9,3,140,3,0,0,0,sales,low +0.9,0.76,4,252,4,0,0,0,sales,medium +0.81,0.75,5,101,5,0,0,0,sales,medium +0.99,0.72,3,163,3,0,0,0,sales,medium +0.49,0.5,5,170,2,0,0,0,sales,medium +0.92,0.4,2,238,3,0,0,0,accounting,low +0.74,0.56,4,190,3,1,0,0,accounting,low +0.37,0.37,5,173,2,0,0,0,accounting,low +0.67,0.61,4,145,4,0,0,0,hr,low +0.74,0.89,5,182,2,0,0,0,hr,low +0.85,0.64,4,188,3,0,0,0,hr,low +0.72,0.71,3,133,2,0,0,0,hr,low +0.75,0.71,4,155,4,0,0,0,technical,low +0.91,0.4,6,153,3,0,0,0,technical,low +0.84,0.62,4,138,3,0,0,0,technical,low +0.64,0.51,4,177,3,0,0,0,technical,low +0.15,0.91,6,98,6,1,0,0,technical,low +0.66,0.66,3,225,3,0,0,0,technical,low +0.2,0.69,6,236,4,0,0,0,technical,low +0.97,0.78,3,268,3,1,0,0,technical,low +0.59,0.73,2,230,3,0,0,0,technical,low +0.88,0.6,4,162,2,0,0,0,technical,low +0.16,0.73,4,197,2,0,0,0,technical,low +0.61,0.96,3,247,3,0,0,0,support,low +0.52,0.79,4,234,3,0,0,0,support,low +0.82,0.49,4,276,4,0,0,0,support,low +0.75,0.94,5,217,2,0,0,0,support,medium +0.62,0.5,4,156,2,0,0,0,support,medium +0.91,0.88,3,189,2,0,0,0,support,medium +0.61,0.98,2,238,4,0,0,0,support,medium +0.79,0.77,3,201,6,1,0,0,support,medium +0.9,0.93,4,263,3,1,0,0,support,medium +0.75,0.83,3,146,3,0,0,0,support,medium +0.81,0.64,4,213,3,0,0,0,support,medium +0.59,0.88,3,159,2,0,0,0,technical,medium +0.56,0.83,3,236,3,1,0,0,technical,medium +0.98,0.79,5,257,4,0,0,0,technical,medium +0.59,0.72,4,168,4,0,0,0,management,medium +0.61,0.67,4,151,3,0,0,0,IT,high +0.78,0.7,4,139,3,0,0,0,IT,low +0.55,0.93,5,196,3,0,0,0,IT,medium +0.2,0.97,4,237,5,0,0,0,IT,medium +0.79,0.44,2,236,3,0,0,0,IT,medium +0.52,0.98,4,265,3,0,0,0,product_mng,medium +0.97,0.52,4,207,3,0,0,0,product_mng,low +0.63,0.94,4,219,3,0,0,0,product_mng,low +0.85,0.99,3,208,2,0,0,0,product_mng,low +0.59,0.74,3,240,3,0,0,0,IT,low +0.64,0.6,3,135,3,0,0,0,RandD,low +0.8,0.67,3,236,3,1,0,0,RandD,low +0.61,0.75,3,140,3,0,0,0,RandD,low +0.87,0.61,3,162,2,0,0,0,RandD,low +0.75,0.59,3,117,3,1,0,0,RandD,medium +0.96,0.51,4,225,3,0,0,0,marketing,medium +0.75,0.92,3,211,3,0,0,0,sales,medium +0.19,0.58,4,173,5,0,0,0,accounting,medium +0.52,0.97,4,170,3,0,0,0,support,medium +0.6,0.6,3,242,3,0,0,0,technical,medium +0.9,0.81,4,175,3,0,0,0,management,medium +0.89,0.92,3,195,2,0,0,0,marketing,medium +0.54,0.93,4,184,2,1,0,0,marketing,medium +0.99,0.55,3,170,3,0,0,0,marketing,medium +0.66,0.56,4,185,3,0,0,0,sales,medium +0.92,0.64,4,259,2,0,0,0,sales,medium +0.19,0.72,4,102,3,0,0,0,sales,medium +0.39,0.37,5,156,4,0,0,0,sales,medium +0.41,0.68,3,191,4,0,0,0,sales,medium +0.6,0.49,3,239,2,0,0,0,sales,medium +0.95,0.54,4,235,4,0,0,0,sales,medium +0.51,0.87,2,130,4,0,0,0,sales,medium +0.54,0.74,2,166,3,0,0,0,sales,medium +0.16,0.54,5,206,5,0,0,0,sales,medium +0.98,0.77,3,191,2,0,0,0,sales,medium +0.65,0.75,3,214,3,0,0,0,sales,medium +0.38,0.5,3,196,3,0,0,0,sales,medium +0.95,0.71,4,151,4,0,0,0,sales,medium +0.6,0.62,5,165,2,0,0,0,sales,medium +0.78,0.91,3,177,2,0,0,0,sales,high +0.19,0.63,6,241,6,0,0,0,sales,high +0.56,0.99,4,230,3,0,0,0,sales,high +0.21,0.71,4,270,2,0,0,0,sales,high +0.83,0.71,3,234,4,0,0,0,accounting,high +0.5,0.64,3,257,2,1,0,0,accounting,high +0.74,0.87,5,264,3,0,0,0,accounting,high +0.75,0.83,4,133,4,0,0,0,hr,high +0.85,0.66,4,155,4,0,0,0,hr,high +0.93,0.59,3,202,2,0,0,0,hr,high +0.76,0.7,3,136,2,0,0,0,hr,high +0.91,0.78,3,269,3,1,0,0,technical,high +0.22,0.54,6,169,4,0,0,0,technical,low +0.78,0.52,5,192,3,1,0,0,technical,low +0.53,0.8,4,241,3,1,0,0,technical,low +0.58,0.69,4,165,3,0,0,0,technical,low +0.99,0.81,3,183,2,0,0,0,technical,low +0.62,0.64,4,163,3,0,0,0,technical,low +0.59,0.69,3,162,3,0,0,0,technical,low +0.13,0.76,5,219,4,0,0,0,technical,low +0.19,0.63,4,278,6,0,0,0,technical,low +0.94,0.99,2,273,4,0,0,0,technical,low +0.53,0.96,4,272,2,0,0,0,support,low +0.96,0.85,5,168,2,0,0,0,support,low +0.62,0.87,4,221,3,1,0,0,support,low +0.81,0.86,4,213,3,0,0,0,support,low +0.63,0.78,4,275,3,0,0,0,support,low +0.92,0.68,5,177,4,0,0,0,support,medium +0.83,0.74,4,249,2,0,0,0,support,medium +0.49,0.37,5,246,3,0,0,0,support,medium +0.8,0.66,4,223,3,0,0,0,support,medium +0.54,0.76,4,244,2,0,0,0,support,medium +0.37,0.72,3,169,2,1,0,0,support,medium +0.93,0.56,5,140,3,0,0,0,technical,medium +0.88,0.99,5,253,2,0,0,0,technical,medium +0.79,0.87,3,194,2,0,0,0,technical,medium +0.65,0.88,4,173,3,0,0,0,management,medium +0.72,0.7,4,172,3,0,0,0,IT,medium +0.58,0.49,3,167,3,0,0,0,IT,medium +0.37,0.51,2,153,3,0,0,0,IT,high +0.87,0.97,4,243,3,0,0,0,IT,high +0.63,0.72,6,163,4,0,0,0,IT,high +0.72,0.79,3,221,3,0,0,0,product_mng,high +0.36,0.55,3,191,3,0,0,0,product_mng,high +0.96,0.7,4,272,3,0,0,0,product_mng,high +0.52,0.37,2,118,2,0,0,0,product_mng,high +0.16,0.83,5,173,4,0,0,0,IT,high +0.63,0.55,4,200,3,1,0,0,RandD,low +0.92,0.76,5,132,3,1,0,0,RandD,low +0.82,0.49,4,180,2,0,0,0,RandD,low +0.18,0.54,4,145,5,0,0,0,RandD,low +0.73,0.48,4,139,2,0,0,0,RandD,low +0.44,0.61,5,230,6,0,0,0,marketing,low +0.73,0.62,4,247,4,0,0,0,sales,low +0.62,0.95,4,140,2,0,0,0,accounting,low +0.94,0.8,4,266,3,1,0,0,support,medium +0.76,0.74,4,261,3,0,0,0,technical,medium +0.89,0.49,4,275,3,0,0,0,management,medium +0.9,0.88,5,254,2,0,0,0,marketing,medium +1,0.93,5,231,2,0,0,0,marketing,medium +0.71,0.9,3,138,3,0,0,0,marketing,medium +0.73,0.97,4,163,3,0,0,0,sales,medium +0.97,0.9,5,262,3,0,0,0,sales,medium +0.6,0.59,4,201,3,0,0,0,sales,medium +0.82,0.67,3,229,3,0,0,0,sales,medium +0.95,0.48,4,228,2,0,0,0,sales,medium +0.88,0.65,5,228,3,0,0,0,sales,medium +0.79,0.49,3,273,3,0,0,0,sales,medium +0.52,0.96,4,171,2,0,0,0,sales,medium +0.22,0.61,3,148,5,0,0,0,sales,medium +0.59,0.96,5,211,3,0,0,0,sales,medium +0.84,0.64,2,211,3,0,0,0,sales,medium +0.54,0.41,3,175,3,0,0,0,sales,medium +1,0.86,4,245,4,0,0,0,sales,medium +0.93,0.59,3,273,2,1,0,0,sales,medium +0.96,0.55,3,225,4,1,0,0,sales,medium +0.56,0.41,5,152,3,0,0,0,sales,medium +0.49,0.66,5,194,3,0,0,0,sales,medium +0.89,0.51,4,185,3,1,0,0,sales,high +0.57,0.91,3,193,2,0,0,0,sales,low +0.96,0.64,3,166,2,0,0,0,accounting,medium +0.65,0.89,5,223,3,1,0,0,accounting,medium +0.14,0.66,5,281,4,1,0,0,accounting,medium +0.64,0.49,3,241,3,0,0,0,hr,medium +0.98,0.91,3,165,2,1,0,0,hr,medium +0.71,0.59,4,143,2,0,0,0,hr,medium +0.96,0.49,5,137,3,0,0,0,hr,medium +0.9,0.57,4,185,3,1,0,0,technical,medium +0.52,0.96,3,271,3,1,0,0,technical,medium +0.78,0.98,4,207,2,1,0,0,technical,medium +0.62,0.69,4,184,3,0,0,0,technical,low +0.6,0.8,4,253,2,0,0,0,technical,low +0.82,0.62,3,152,6,0,0,0,technical,low +0.52,0.55,3,225,2,0,0,0,technical,low +0.13,0.84,5,189,5,0,0,0,technical,low +0.97,0.93,3,153,2,0,0,0,technical,low +0.63,0.9,4,245,3,0,0,0,technical,low +0.68,0.78,5,233,3,0,0,0,technical,high +0.74,0.83,4,210,3,0,0,0,support,low +0.89,0.57,4,176,4,0,0,0,support,high +0.28,0.95,5,191,3,0,0,0,support,high +0.61,0.9,3,224,3,0,0,0,support,low +0.67,0.49,3,185,3,0,0,0,support,low +0.86,0.64,3,245,4,0,0,0,support,high +0.87,0.93,3,173,2,0,0,0,support,low +0.7,0.95,4,231,3,0,0,0,support,medium +0.68,0.84,3,270,3,0,0,0,support,high +0.69,0.75,5,196,3,0,0,0,support,medium +0.97,0.83,3,238,2,0,0,0,support,medium +0.62,0.89,4,261,2,0,0,0,technical,medium +0.55,0.87,3,201,2,0,0,0,technical,medium +0.61,0.73,3,252,3,0,0,0,technical,high +0.15,0.81,3,191,5,0,0,0,management,medium +0.84,0.86,3,199,3,0,0,0,IT,medium +0.87,0.64,5,234,2,1,0,0,IT,medium +0.93,0.86,4,192,4,0,0,0,IT,high +0.14,0.73,6,237,5,0,0,0,IT,medium +0.96,0.7,3,207,3,0,0,0,IT,high +0.41,0.63,2,145,2,0,0,0,product_mng,low +0.84,0.96,6,155,5,0,0,0,product_mng,medium +0.94,0.69,5,145,2,0,0,0,product_mng,medium +0.6,0.86,6,247,6,0,0,0,product_mng,medium +0.7,0.73,4,182,3,0,0,0,IT,medium +0.29,0.91,4,183,4,0,0,0,RandD,low +0.31,0.51,2,146,3,0,0,0,RandD,low +0.73,0.99,3,241,3,0,0,0,RandD,low +0.51,0.52,5,261,3,1,0,0,RandD,low +0.58,0.77,4,140,3,0,0,0,RandD,low +0.59,0.97,3,257,3,0,0,0,marketing,low +0.95,0.9,3,186,2,0,0,0,marketing,low +0.84,0.93,3,159,3,0,0,0,sales,low +0.28,0.37,3,164,4,1,0,0,accounting,low +0.94,0.52,4,217,6,1,0,0,support,low +0.49,0.59,4,137,4,0,0,0,technical,high +0.72,0.5,4,164,2,1,0,0,management,low +0.19,0.85,5,249,3,0,0,0,marketing,low +0.83,0.95,3,264,2,0,0,0,marketing,low +0.79,0.92,4,208,2,1,0,0,marketing,low +0.72,0.61,3,175,3,0,0,0,sales,high +0.97,0.74,4,209,2,0,0,0,sales,low +0.92,0.83,4,268,4,0,0,0,sales,low +0.95,0.53,3,264,3,0,0,0,sales,low +0.76,0.64,4,234,2,0,0,0,sales,high +0.24,0.62,5,199,4,0,0,0,sales,low +0.89,0.99,4,205,2,0,0,1,sales,medium +0.69,0.63,5,140,4,0,0,1,sales,high +0.92,0.98,3,257,3,0,0,1,sales,medium +0.79,0.61,4,227,2,0,0,1,sales,high +0.87,0.94,4,189,3,0,0,1,sales,medium +0.89,0.88,5,241,2,1,0,0,sales,medium +0.75,0.77,5,199,4,0,0,0,sales,medium +0.78,0.6,4,206,3,0,0,0,sales,medium +0.13,0.62,5,268,3,0,0,0,sales,medium +0.94,0.86,3,221,3,1,0,0,sales,medium +0.94,0.88,4,262,2,0,0,0,sales,medium +0.67,0.6,5,253,6,0,0,0,sales,medium +0.6,0.73,5,241,3,0,0,0,sales,high +0.62,0.94,4,252,4,0,0,0,accounting,low +0.38,0.52,2,171,3,0,0,0,accounting,medium +0.8,0.77,4,194,3,0,0,0,accounting,medium +0.61,0.42,3,104,2,0,0,0,hr,medium +0.61,0.56,4,176,3,0,0,0,hr,medium +0.66,0.8,4,192,3,0,0,0,hr,medium +0.56,0.74,3,154,2,0,0,0,hr,medium +1,0.55,4,186,4,1,0,0,technical,medium +0.73,0.86,3,200,4,0,0,0,technical,medium +0.6,0.66,4,132,4,0,0,0,technical,medium +0.78,0.59,5,236,3,0,0,0,technical,high +0.48,0.53,3,211,4,0,0,0,technical,low +0.9,0.77,4,273,2,0,0,0,technical,low +0.16,0.76,4,223,4,0,0,0,technical,low +0.5,0.75,3,204,2,0,0,0,technical,high +0.66,0.65,3,196,3,1,0,0,technical,low +0.44,0.37,2,219,2,0,0,0,technical,low +0.95,0.67,4,261,3,0,0,0,technical,low +0.9,0.65,3,254,2,0,0,0,support,high +0.27,0.48,4,185,2,0,0,0,support,low +0.51,0.74,6,98,3,0,0,0,support,low +0.68,0.76,3,260,4,0,0,0,support,low +0.97,0.93,5,137,2,1,0,0,support,low +0.91,0.75,4,159,3,1,0,0,support,low +0.76,0.88,5,265,4,0,0,0,support,low +0.88,0.61,4,177,4,1,0,0,support,low +0.83,0.73,4,247,2,0,0,0,support,medium +0.78,0.54,3,161,3,0,0,0,support,medium +0.52,0.38,2,103,3,0,0,0,support,medium +0.63,0.49,4,151,3,0,0,0,technical,medium +0.9,0.74,3,193,3,0,0,0,technical,medium +0.48,0.58,3,194,3,0,0,0,technical,medium +0.7,0.6,5,208,3,0,0,0,management,medium +0.68,0.66,4,229,3,0,0,0,IT,medium +0.7,0.87,3,166,2,0,0,0,IT,medium +0.77,0.5,3,141,3,0,0,0,IT,medium +0.73,0.93,3,249,2,0,0,0,IT,medium +0.87,0.48,4,264,3,0,0,0,IT,medium +0.65,0.98,3,252,2,0,0,0,product_mng,high +0.62,0.7,2,134,3,0,0,0,product_mng,low +0.53,0.51,3,274,2,1,0,0,product_mng,medium +0.59,0.39,5,200,4,0,0,0,product_mng,medium +0.87,0.72,2,154,3,0,0,0,IT,medium +0.47,0.53,3,111,4,0,0,0,RandD,medium +0.96,0.81,3,247,3,0,0,0,RandD,low +0.79,0.74,3,169,3,0,0,0,RandD,low +0.84,0.6,3,250,3,1,0,0,RandD,low +0.68,0.49,3,178,3,1,0,0,RandD,low +0.86,0.66,4,251,3,0,0,0,RandD,low +0.73,0.98,5,272,2,0,0,0,marketing,low +0.9,0.67,2,229,4,0,0,0,sales,low +0.63,0.64,3,180,3,0,0,0,accounting,low +0.71,0.72,3,271,2,0,0,0,support,low +0.71,0.68,5,226,3,0,0,0,technical,low +0.95,0.62,4,150,2,0,0,0,management,low +0.51,0.86,4,260,3,1,0,0,marketing,low +0.77,0.91,4,161,3,0,0,0,marketing,low +0.48,0.51,3,136,3,0,0,0,marketing,low +0.93,0.91,2,238,2,1,0,0,sales,low +0.83,0.86,4,98,4,0,0,0,sales,low +0.61,0.73,5,156,4,0,0,0,sales,low +0.97,0.89,4,248,2,0,0,0,sales,low +0.5,0.81,3,170,2,0,0,0,sales,low +0.84,0.54,3,245,3,0,0,0,sales,low +0.58,0.38,4,203,5,0,0,0,sales,low +0.59,0.72,3,182,3,0,0,0,sales,medium +0.77,0.83,3,175,3,0,0,1,sales,medium +0.78,0.4,4,145,5,1,0,1,sales,medium +0.6,0.96,4,220,3,1,0,1,sales,medium +0.53,0.77,4,259,2,1,0,1,sales,medium +0.73,0.69,3,228,2,0,0,1,sales,medium +0.76,0.94,3,189,3,0,0,0,sales,medium +0.12,0.61,6,257,3,0,0,0,sales,medium +0.2,0.98,3,180,6,0,0,0,sales,medium +0.5,0.77,4,180,3,0,0,0,sales,medium +0.79,0.65,5,215,2,1,0,0,sales,medium +0.96,0.68,3,132,2,0,0,0,sales,medium +0.26,0.69,5,213,2,0,0,0,accounting,high +0.8,0.72,4,173,3,0,0,0,accounting,low +0.43,0.71,3,186,2,0,0,0,accounting,medium +0.87,0.71,4,157,2,0,0,0,hr,medium +0.63,0.75,4,175,4,0,0,0,hr,medium +0.58,0.48,3,135,3,1,0,0,hr,medium +0.2,0.42,4,256,5,0,0,0,hr,low +0.62,0.71,4,268,3,0,0,0,technical,low +0.91,0.94,5,159,3,0,0,0,technical,low +0.66,0.91,3,191,4,0,0,0,technical,low +0.53,0.81,3,275,2,0,0,0,technical,low +0.52,0.98,5,217,2,1,0,0,technical,low +1,0.88,6,201,4,0,0,0,technical,low +0.73,0.67,4,205,3,0,0,0,technical,low +0.65,0.67,3,240,2,1,0,0,technical,low +0.5,0.95,5,137,3,0,0,0,technical,low +0.94,0.59,4,241,2,0,0,0,technical,low +0.48,0.86,5,198,4,0,0,0,technical,low +0.67,0.87,5,254,2,0,0,0,support,low +0.73,0.94,4,262,3,0,0,0,support,low +0.63,0.71,4,244,2,0,0,0,support,low +0.84,0.84,4,266,3,0,0,0,support,low +0.2,0.94,6,191,5,0,0,0,support,low +0.76,0.57,3,148,3,1,0,0,support,low +0.55,0.54,3,233,2,0,0,0,support,low +0.8,0.55,4,178,2,1,0,0,support,low +0.64,0.91,3,165,3,1,0,0,support,low +0.59,0.97,5,179,6,0,0,0,support,medium +0.92,0.98,3,149,3,0,0,0,support,medium +0.75,0.76,3,269,2,1,0,0,technical,medium +0.69,0.74,5,227,2,0,0,0,technical,medium +0.82,0.93,3,247,3,0,0,0,technical,medium +0.88,0.85,3,220,3,0,0,0,management,medium +0.89,0.91,3,233,2,0,0,0,IT,medium +1,0.79,5,171,5,0,0,0,IT,medium +0.66,0.91,4,234,2,1,0,0,IT,medium +0.76,0.92,3,176,2,0,0,0,IT,medium +0.8,0.62,5,190,4,1,0,0,IT,medium +0.58,0.86,4,168,2,0,0,0,product_mng,medium +0.73,0.93,3,205,3,0,0,0,product_mng,high +1,0.73,5,189,3,1,0,0,product_mng,low +0.18,0.9,4,282,4,0,0,0,product_mng,medium +0.47,0.46,2,152,2,0,0,0,IT,medium +0.92,0.64,4,217,4,0,0,0,RandD,medium +0.51,0.5,4,130,3,0,0,0,RandD,medium +0.81,0.62,4,153,4,0,0,0,RandD,low +0.52,0.57,3,270,3,0,0,0,RandD,low +0.95,0.96,3,220,3,0,0,0,RandD,low +0.93,0.64,4,253,3,0,0,0,RandD,low +0.98,0.67,4,209,6,0,0,0,marketing,low +0.79,0.79,4,231,2,0,0,0,sales,low +0.99,0.73,4,240,4,0,0,0,accounting,low +0.64,0.9,5,266,3,0,0,0,support,low +0.54,0.44,3,153,2,0,0,0,technical,low +0.79,0.59,4,187,2,0,0,0,management,low +0.55,0.98,4,185,2,1,0,0,marketing,low +0.18,0.81,4,147,4,0,0,0,marketing,low +0.56,0.81,4,188,3,1,0,0,marketing,low +0.92,0.67,2,252,2,0,0,0,sales,low +0.99,0.75,4,163,2,0,0,0,sales,low +0.77,0.85,4,189,2,0,0,0,sales,low +0.49,0.52,3,156,2,0,0,0,sales,low +0.98,0.58,3,183,3,0,0,0,sales,low +0.18,0.54,6,209,5,1,0,0,sales,low +0.8,0.82,4,271,4,0,0,0,sales,low +0.81,0.77,5,251,2,0,0,0,sales,low +0.13,0.61,5,198,5,0,0,0,sales,medium +0.58,0.97,3,274,4,1,0,1,sales,medium +0.75,0.63,4,209,3,0,0,1,sales,medium +0.8,0.94,4,271,4,0,0,1,sales,medium +0.78,0.6,4,143,2,0,0,1,sales,medium +0.92,0.6,5,236,3,1,0,1,sales,medium +0.85,0.98,5,222,3,0,0,1,sales,medium +0.52,0.63,3,233,3,0,0,1,sales,medium +0.95,0.84,3,270,3,1,0,1,sales,medium +0.81,0.92,5,258,3,0,0,1,sales,medium +0.16,0.82,6,202,4,1,0,1,sales,medium +0.91,0.74,3,150,2,0,0,0,accounting,medium +0.62,0.51,4,193,3,0,0,0,accounting,high +0.24,0.42,5,210,5,0,0,0,accounting,low +0.88,0.51,3,208,3,0,0,0,hr,medium +0.94,0.73,3,196,3,0,0,0,hr,medium +0.76,0.79,5,187,4,0,0,0,hr,medium +0.49,0.67,3,140,2,0,0,0,hr,medium +0.93,0.9,4,256,4,0,0,0,technical,low +0.92,0.66,4,113,3,0,0,0,technical,low +0.19,0.94,4,196,5,0,0,0,technical,low +0.66,0.76,3,170,3,0,0,0,technical,low +0.16,0.94,4,261,6,0,0,0,technical,low +0.83,0.99,5,132,3,0,0,0,technical,low +0.69,0.53,3,153,3,0,0,0,technical,low +0.82,0.53,3,147,3,1,0,0,technical,low +0.88,0.72,5,244,2,0,0,0,technical,low +0.31,0.42,4,108,4,0,0,0,technical,low +0.83,0.49,4,218,2,0,0,0,technical,low +0.94,0.52,5,133,3,0,0,0,support,low +0.65,0.79,5,233,3,0,0,0,support,low +0.6,0.6,4,147,3,0,0,0,support,low +0.52,0.43,3,176,3,0,0,0,support,low +0.66,0.89,4,169,4,0,0,0,support,low +0.87,0.87,4,144,3,0,0,0,support,low +0.2,0.99,5,151,3,1,0,0,support,low +0.63,0.91,4,252,3,1,0,0,support,medium +0.69,0.98,4,180,3,0,0,0,support,medium +0.48,0.61,3,251,3,0,0,0,support,medium +0.8,0.8,4,263,4,0,0,0,support,medium +0.89,0.74,5,260,6,0,0,0,technical,medium +0.67,0.63,3,227,3,0,0,0,technical,medium +0.37,0.86,6,260,3,0,0,0,technical,medium +0.93,0.61,5,158,3,0,0,0,management,medium +0.69,0.52,3,186,3,0,0,0,IT,medium +0.16,0.61,4,171,6,0,0,0,IT,medium +0.81,0.55,3,199,2,1,0,0,IT,medium +0.97,0.63,5,258,2,0,0,0,IT,medium +0.77,0.59,4,273,2,0,0,0,IT,high +0.75,0.78,2,259,3,0,0,0,product_mng,low +0.88,0.82,3,265,3,0,0,0,product_mng,medium +0.43,0.51,5,168,4,0,0,0,product_mng,medium +0.99,0.99,4,163,4,0,0,0,product_mng,medium +0.59,0.65,5,265,3,0,0,0,IT,medium +0.89,0.71,4,190,3,0,0,0,RandD,low +0.54,0.73,3,157,3,0,0,0,RandD,low +0.32,0.86,4,266,4,0,0,0,RandD,low +0.17,0.55,6,240,6,0,0,0,RandD,low +0.78,0.55,3,143,3,0,0,0,RandD,low +0.73,0.68,3,121,5,0,0,0,RandD,low +0.65,0.76,2,170,5,0,0,0,IT,low +0.8,0.71,4,161,4,0,0,0,IT,low +0.61,0.86,3,239,3,0,0,0,IT,low +0.67,0.49,3,224,3,0,0,0,IT,low +0.63,0.57,3,242,3,0,0,0,product_mng,low +0.51,0.58,4,140,2,1,0,0,product_mng,low +0.82,0.59,5,170,3,0,0,0,product_mng,low +0.79,0.67,5,156,2,0,0,0,product_mng,low +0.49,0.6,2,113,5,0,0,0,IT,low +0.7,0.59,3,138,3,0,0,0,RandD,low +0.13,0.5,3,137,5,0,0,0,RandD,low +0.83,0.52,5,217,3,0,0,0,RandD,low +0.83,0.91,3,155,3,0,0,0,RandD,low +0.19,0.83,5,280,4,0,0,0,RandD,low +0.8,0.81,5,248,2,1,0,0,RandD,low +0.49,0.67,2,190,8,0,0,0,marketing,medium +0.92,0.99,3,176,8,0,0,0,sales,medium +0.81,0.55,4,217,8,0,0,0,accounting,medium +0.62,0.91,3,269,8,0,0,0,support,medium +0.21,0.7,3,238,8,0,0,0,technical,medium +0.95,0.74,5,243,6,0,0,0,management,medium +0.51,0.8,4,198,6,0,0,0,marketing,medium +0.52,0.89,3,188,6,0,0,0,marketing,medium +0.64,0.56,3,257,6,0,0,0,marketing,medium +0.62,0.79,4,268,6,0,0,0,sales,medium +0.73,0.88,5,233,4,1,0,0,sales,medium +0.32,0.86,4,214,5,0,0,0,sales,medium +0.78,0.96,2,285,3,0,0,0,sales,high +0.65,0.91,4,224,2,1,0,0,sales,low +0.56,0.92,4,224,3,0,0,0,sales,medium +0.96,0.89,3,142,4,0,0,0,sales,medium +0.79,0.82,4,220,3,0,0,0,sales,medium +0.66,0.58,4,244,3,0,0,0,sales,medium +0.67,0.68,4,171,3,0,0,0,sales,low +0.86,0.82,4,274,2,1,0,0,sales,low +0.57,0.72,4,214,2,1,0,0,sales,low +0.86,0.87,5,171,2,0,0,0,sales,low +0.52,0.59,5,150,2,0,0,0,sales,low +0.73,0.61,4,260,2,1,0,0,sales,low +0.78,0.63,5,259,3,0,0,0,sales,low +0.95,0.63,3,153,2,0,0,0,sales,low +0.75,0.61,3,263,3,0,0,0,sales,low +0.83,0.52,2,149,2,1,0,0,sales,low +0.48,1,4,261,3,0,0,0,accounting,low +0.3,0.58,2,189,4,1,0,0,accounting,low +0.72,0.85,5,237,4,0,0,0,accounting,low +0.61,0.52,3,224,3,0,0,0,hr,low +0.31,0.87,6,240,3,1,0,0,hr,low +0.62,0.81,3,245,2,1,0,0,hr,low +0.48,0.49,3,268,3,0,0,0,hr,low +0.97,0.89,4,208,2,1,0,0,technical,low +0.61,0.83,4,153,2,0,0,0,technical,low +0.93,0.99,3,169,3,0,0,0,technical,low +0.89,0.39,5,218,2,0,0,0,technical,low +0.95,0.9,3,155,3,0,0,0,technical,medium +0.36,0.44,5,155,3,0,0,0,technical,medium +0.29,0.39,6,105,6,0,0,0,technical,medium +0.65,0.83,4,251,2,0,0,0,technical,medium +0.72,0.54,4,219,2,0,0,0,technical,medium +0.51,0.56,4,198,2,1,0,0,technical,medium +0.54,0.53,4,158,2,0,0,0,technical,medium +0.66,0.58,3,157,2,0,0,0,support,medium +0.59,0.54,4,178,2,0,0,0,support,medium +0.45,0.48,3,145,2,0,0,0,support,medium +0.15,0.91,5,230,3,0,0,0,support,medium +0.95,0.53,3,174,3,0,0,0,support,medium +0.49,0.59,5,140,3,0,0,0,support,high +0.68,0.97,3,174,2,0,0,0,support,low +0.7,0.76,4,173,2,0,0,0,support,medium +0.9,0.73,2,203,4,0,0,0,support,medium +0.94,0.95,5,170,3,0,0,0,support,medium +0.8,0.86,3,203,3,0,0,0,support,medium +0.59,0.53,5,169,3,0,0,0,technical,low +0.43,0.96,3,109,6,0,0,0,technical,low +0.7,0.54,5,263,3,0,0,0,technical,low +0.51,0.62,4,185,3,0,0,0,management,low +0.12,0.49,4,191,5,0,0,0,IT,low +0.14,0.56,5,259,4,1,0,0,IT,low +0.86,0.91,4,253,3,0,0,0,IT,low +0.97,0.5,3,216,3,0,0,0,IT,low +1,0.86,2,264,3,0,0,0,IT,medium +0.49,0.63,3,181,3,1,0,0,product_mng,medium +0.9,0.93,3,209,3,0,0,0,product_mng,medium +0.82,0.89,4,239,2,0,0,0,product_mng,medium +0.59,0.48,3,197,3,0,0,0,product_mng,medium +0.97,0.57,4,150,2,0,0,0,IT,medium +0.69,0.88,3,164,10,0,0,0,management,medium +0.73,0.84,3,216,8,0,0,0,management,medium +0.48,0.74,2,271,8,1,0,0,management,medium +0.94,0.49,4,176,8,0,0,0,management,medium +0.74,0.73,3,156,8,0,0,0,management,medium +0.65,0.63,4,143,8,0,0,0,management,medium +0.93,0.94,4,233,6,0,0,0,IT,medium +0.57,0.67,3,138,6,1,0,0,IT,medium +0.9,0.49,3,259,6,0,0,0,IT,medium +0.55,0.86,4,169,6,0,0,0,IT,medium +0.59,0.73,3,172,6,0,0,0,product_mng,medium +0.72,0.98,4,156,3,0,0,0,product_mng,medium +0.87,0.52,4,140,3,0,0,0,product_mng,medium +0.86,0.82,4,212,2,0,0,0,product_mng,medium +0.61,0.5,4,269,3,0,0,0,IT,medium +0.45,0.63,5,111,5,0,0,0,management,medium +0.51,0.63,4,198,2,0,0,0,management,medium +0.87,0.92,4,263,3,0,0,0,management,medium +0.29,0.38,5,191,5,0,0,0,management,medium +0.57,0.64,3,188,3,0,0,0,management,medium +0.69,0.83,4,252,3,0,0,0,management,medium +0.61,0.9,2,142,3,0,0,0,marketing,high +0.96,0.85,4,247,3,0,0,0,sales,high +0.16,0.61,6,269,2,0,0,0,accounting,high +0.96,0.82,4,244,3,0,0,0,support,high +0.77,0.81,4,164,3,0,0,0,technical,high +0.85,0.87,6,232,5,0,0,0,management,high +0.37,0.49,3,177,3,0,0,0,marketing,high +0.68,0.65,3,173,3,1,0,0,marketing,high +0.87,0.6,5,165,2,1,0,0,marketing,high +0.95,0.8,3,225,2,0,0,0,sales,high +0.84,0.63,3,121,3,1,0,0,sales,low +0.44,0.51,2,219,4,0,0,0,sales,low +0.94,0.73,4,204,2,0,0,0,sales,low +0.85,0.94,5,235,4,0,0,0,sales,low +0.75,0.51,2,215,2,1,0,0,sales,low +0.76,0.67,5,243,3,0,0,0,sales,low +0.13,0.97,4,162,6,0,0,0,sales,low +0.6,0.79,4,262,3,0,0,0,sales,low +0.45,0.55,4,206,2,0,0,0,sales,low +0.49,1,2,125,4,1,0,0,sales,low +0.19,0.36,3,167,5,0,0,0,sales,low +0.68,0.89,5,218,5,0,0,0,sales,low +0.53,0.91,5,181,3,0,0,0,sales,low +1,0.77,5,269,3,0,0,0,sales,low +0.99,0.86,3,167,2,0,0,0,sales,low +0.29,0.75,6,271,10,0,0,0,sales,medium +0.54,0.83,4,201,8,1,0,0,sales,medium +0.25,0.9,6,229,8,0,0,0,sales,medium +0.71,0.76,4,148,8,0,0,0,accounting,medium +0.96,0.84,3,147,8,0,0,0,accounting,medium +0.8,0.9,4,211,8,0,0,0,accounting,medium +0.82,0.87,5,145,6,0,0,0,hr,medium +0.19,0.97,6,269,6,0,0,0,hr,medium +0.43,0.74,4,129,6,0,0,0,hr,medium +0.62,0.84,3,270,6,0,0,0,hr,medium +0.75,0.85,3,250,6,0,0,0,technical,medium +0.56,0.48,5,192,2,1,0,0,technical,medium +0.88,0.91,4,233,4,0,0,0,technical,high +0.63,0.57,4,192,3,0,0,0,technical,high +0.75,0.93,3,247,2,0,0,0,technical,high +0.74,1,4,192,4,0,0,0,technical,high +0.55,0.68,3,178,3,1,0,0,technical,high +0.87,0.55,4,197,3,0,0,0,technical,high +0.13,0.9,5,264,6,0,0,0,technical,high +0.33,0.64,2,274,3,1,0,0,technical,high +0.89,0.97,4,147,2,0,0,0,technical,low +0.56,0.94,3,154,3,1,0,0,support,low +0.95,0.61,3,224,2,1,0,0,support,low +0.57,0.59,4,250,2,0,0,0,support,low +0.72,0.53,3,179,3,0,0,0,support,low +0.28,0.44,4,170,2,0,0,0,support,low +0.54,0.61,4,118,5,0,0,0,support,low +0.54,0.95,4,256,3,0,0,0,support,low +0.99,0.8,3,209,2,0,0,0,support,medium +0.37,0.69,2,146,3,0,0,0,support,medium +0.77,0.87,3,275,4,1,0,0,support,medium +0.7,0.88,4,180,2,0,0,0,support,medium +0.8,0.74,3,228,3,0,0,0,technical,medium +0.52,0.63,3,204,3,0,0,0,technical,medium +0.69,0.55,3,172,2,0,0,0,technical,medium +0.6,0.62,5,274,3,0,0,0,management,medium +0.74,0.64,3,136,2,0,0,0,IT,medium +0.69,0.82,4,252,3,1,0,0,IT,medium +0.78,0.89,4,137,3,0,0,0,IT,medium +0.77,0.75,4,191,3,0,0,0,IT,medium +0.91,0.68,4,132,4,0,0,0,IT,medium +0.54,0.68,6,249,5,0,0,0,product_mng,medium +0.48,0.77,6,274,6,0,0,0,product_mng,medium +0.55,0.96,3,194,3,0,0,0,product_mng,medium +0.17,0.36,6,191,2,0,0,0,product_mng,medium +0.77,0.83,5,216,4,0,0,0,IT,medium +0.93,0.98,3,241,3,0,0,0,IT,medium +0.65,0.91,4,243,5,1,0,0,IT,medium +0.67,0.52,4,207,3,0,0,0,IT,medium +0.95,0.88,3,199,3,0,0,0,IT,medium +0.61,0.97,6,286,4,0,0,0,product_mng,medium +0.57,0.39,4,132,3,0,0,0,product_mng,high +0.65,1,4,229,4,0,0,0,product_mng,low +0.85,0.81,4,260,3,0,0,0,product_mng,medium +0.61,0.96,3,214,2,0,0,0,IT,medium +0.65,0.9,6,217,4,1,0,1,RandD,medium +0.92,0.93,4,225,2,0,0,1,RandD,medium +0.37,0.41,2,113,3,0,0,1,RandD,medium +0.48,0.77,5,250,2,0,0,1,RandD,medium +0.82,0.91,5,271,2,0,0,1,RandD,medium +0.84,0.75,4,135,3,0,0,1,RandD,medium +0.57,0.46,2,100,6,1,0,1,marketing,medium +0.8,0.75,4,224,3,0,0,1,sales,medium +0.49,0.91,4,134,4,0,0,0,accounting,low +0.79,0.82,5,158,2,0,0,0,support,low +0.48,0.67,3,183,2,0,0,0,technical,low +0.28,0.89,4,97,6,0,0,0,management,low +0.47,0.56,4,226,3,0,0,0,marketing,low +0.91,0.6,4,235,4,1,0,0,marketing,low +0.75,0.6,4,186,10,1,0,0,marketing,low +0.61,0.89,3,242,10,0,0,0,sales,high +0.47,0.79,3,284,10,0,0,0,sales,low +0.22,0.7,2,274,10,0,0,0,sales,high +0.5,0.48,4,130,10,0,0,0,sales,high +0.56,0.87,3,146,10,0,0,0,sales,low +0.84,0.85,4,207,10,0,0,0,sales,low +0.69,0.72,4,210,2,1,0,0,sales,high +0.53,0.64,3,143,2,0,0,0,sales,low +0.17,0.57,4,116,3,0,0,0,sales,medium +0.48,0.71,2,162,3,1,0,0,sales,high +0.94,0.51,3,242,3,0,0,0,sales,medium +0.77,0.89,4,153,7,0,0,0,sales,medium +1,0.72,5,194,7,1,0,0,sales,medium +0.49,0.65,4,233,7,0,0,0,sales,medium +0.93,0.73,4,283,7,0,0,0,sales,high +0.38,0.43,3,188,7,0,0,0,sales,medium +0.6,0.54,4,182,6,0,0,0,sales,medium +0.5,0.82,2,286,6,0,0,0,sales,medium +0.97,0.55,5,212,6,0,0,0,sales,high +0.93,0.95,5,176,6,0,0,1,accounting,medium +0.5,1,5,264,8,0,0,1,accounting,high +0.52,0.84,3,261,8,0,0,1,accounting,low +0.5,0.71,4,163,8,0,0,1,hr,medium +0.55,0.4,3,139,8,0,0,1,hr,medium +0.95,0.84,3,261,8,1,0,1,hr,medium +0.48,0.42,2,275,6,1,0,1,hr,medium +0.51,0.39,5,132,6,1,0,1,technical,low +0.96,0.48,3,202,6,0,0,0,technical,low +0.97,0.84,4,177,6,0,0,0,technical,low +0.97,0.66,5,234,6,0,0,0,technical,low +0.71,0.54,4,188,6,0,0,0,technical,low +0.82,0.49,5,203,6,0,0,0,technical,low +0.57,1,4,227,10,0,0,0,technical,low +0.48,0.93,3,150,10,0,0,0,technical,low +0.71,0.64,3,267,3,0,0,0,technical,low +0.63,0.61,5,186,10,0,0,0,technical,low +0.99,0.84,4,142,10,0,0,0,technical,high +0.79,0.83,3,126,10,1,0,0,support,low +0.65,0.85,4,201,10,0,0,0,support,low +0.7,0.85,4,142,2,0,0,0,support,low +0.99,0.94,4,167,4,0,0,0,support,low +0.65,0.62,4,258,2,0,0,0,support,high +0.92,0.85,3,207,2,0,0,0,support,low +0.24,0.5,4,282,4,1,0,0,support,low +0.39,0.89,3,188,5,0,0,0,support,low +0.82,0.85,3,214,2,0,0,0,support,high +0.78,0.89,4,272,2,0,0,0,support,low +0.62,0.79,3,259,3,0,0,0,support,medium +0.6,0.61,5,191,2,1,0,0,technical,high +0.49,0.57,3,192,3,0,0,0,technical,medium +0.82,0.82,3,164,3,0,0,0,technical,high +0.48,0.81,4,149,2,0,0,0,management,medium +0.69,0.56,4,149,3,0,0,0,IT,medium +0.4,0.89,2,165,3,0,0,0,IT,medium +0.72,0.8,3,222,3,0,0,0,IT,medium +0.75,0.84,5,222,3,1,0,0,IT,medium +0.5,0.77,3,265,3,0,0,0,IT,medium +0.78,0.5,5,247,4,0,0,0,product_mng,medium +0.76,0.45,4,147,2,0,0,0,product_mng,medium +0.94,0.52,3,273,3,0,0,0,product_mng,high +0.24,0.94,6,144,4,0,0,0,product_mng,low +0.99,0.66,3,181,2,0,0,0,IT,medium +0.67,0.64,3,198,2,1,0,0,management,medium +0.76,0.57,5,255,4,0,0,0,management,medium +0.76,0.77,4,169,10,0,0,0,management,medium +0.55,0.64,4,201,10,1,0,0,management,medium +0.74,0.6,4,274,10,1,0,0,management,medium +0.81,0.85,4,134,10,1,0,0,management,medium +0.98,0.67,3,190,10,0,0,0,IT,medium +0.98,0.98,4,170,10,0,0,0,IT,medium +0.58,0.91,3,154,10,0,0,0,product_mng,high +0.18,0.75,3,142,2,0,0,0,product_mng,low +0.57,0.67,5,235,2,0,0,0,product_mng,low +0.7,0.62,3,110,3,0,0,0,product_mng,low +0.49,0.77,3,211,3,0,0,0,IT,high +0.7,0.56,4,214,3,0,0,1,management,medium +0.16,0.93,5,210,7,0,0,1,management,medium +0.58,0.59,3,207,7,0,0,1,management,medium +0.66,0.57,4,161,7,0,0,1,management,medium +0.51,0.55,2,102,7,0,0,1,management,medium +0.48,0.84,4,186,7,0,0,1,management,medium +0.56,0.71,3,211,6,0,0,1,marketing,low +0.81,0.62,3,240,6,0,0,1,sales,low +0.57,0.7,4,237,6,0,0,0,accounting,low +0.66,0.53,3,164,6,0,0,0,support,low +0.22,0.91,6,222,8,0,0,0,technical,low +0.96,0.71,3,205,8,1,0,0,management,medium +0.87,0.88,4,140,8,0,0,0,marketing,medium +0.61,0.42,2,103,8,0,0,0,marketing,medium +0.66,0.85,3,178,8,1,0,0,marketing,medium +0.9,0.51,4,137,6,0,0,0,sales,medium +0.64,0.67,3,143,6,0,0,0,sales,medium +0.76,0.82,4,170,6,0,0,0,sales,medium +0.97,0.41,5,135,6,0,0,0,sales,medium +0.69,0.76,3,174,6,0,0,0,sales,medium +0.98,0.55,3,166,6,1,0,0,sales,medium +0.18,0.61,5,174,6,0,0,0,sales,medium +0.62,0.91,3,251,10,0,0,0,sales,medium +0.29,0.37,6,187,10,1,0,0,sales,high +0.87,0.48,5,170,3,0,0,0,sales,low +0.91,0.64,3,241,10,0,0,0,sales,medium +0.53,0.79,3,221,10,1,0,0,sales,medium +0.69,0.73,4,257,10,1,0,0,sales,medium +0.14,0.58,4,275,10,0,0,0,sales,medium +0.7,0.77,4,245,2,0,0,0,sales,low +0.77,0.75,6,246,6,0,0,0,sales,low +0.77,0.76,6,263,6,0,0,0,sales,low +0.76,0.99,3,133,4,0,0,0,sales,low +0.66,0.49,4,157,3,0,0,0,sales,low +0.5,0.95,3,198,4,0,0,0,accounting,low +0.57,0.9,5,145,3,0,0,0,accounting,low +0.97,0.62,6,118,2,0,0,0,accounting,low +0.26,0.99,5,184,5,0,0,0,hr,low +0.72,0.62,3,243,2,1,0,0,hr,low +0.83,0.93,3,247,2,0,0,0,hr,low +0.55,0.4,3,158,3,0,0,0,hr,low +0.77,0.74,5,243,2,0,0,0,technical,low +0.24,0.63,4,203,5,0,0,0,technical,low +0.8,0.96,3,161,3,0,0,0,technical,low +0.5,0.59,4,214,3,1,0,0,technical,low +0.66,0.59,4,179,3,0,0,0,technical,low +0.66,0.77,4,188,2,0,0,0,technical,low +0.66,0.81,3,174,3,0,0,0,technical,low +0.96,0.83,3,177,4,0,0,0,technical,low +0.75,0.94,5,194,4,0,0,0,technical,low +0.78,0.77,3,244,2,0,0,0,technical,medium +0.57,0.82,4,269,2,0,0,0,technical,medium +0.78,0.68,2,159,3,1,0,0,support,medium +0.57,0.88,4,140,2,0,0,0,support,medium +0.84,0.56,5,224,2,0,0,0,support,medium +0.23,0.94,5,242,4,0,0,0,support,medium +0.53,0.37,3,180,3,0,0,0,support,medium +0.82,0.71,3,150,3,0,0,0,support,medium +0.59,0.64,5,269,3,0,0,0,support,medium +0.5,0.52,2,178,2,0,0,0,support,medium +1,0.74,2,187,3,0,0,0,support,medium +0.94,0.61,3,140,2,0,0,0,support,medium +0.86,0.61,4,193,2,0,0,0,support,high +0.73,0.49,4,243,2,0,0,0,technical,low +0.49,0.94,3,144,3,1,0,0,technical,medium +0.79,0.73,2,147,2,0,0,0,technical,medium +0.83,0.5,6,165,3,0,0,0,management,medium +0.85,0.67,3,176,2,0,0,0,IT,medium +0.65,0.37,3,170,6,0,0,0,IT,low +0.94,0.65,4,213,2,1,0,0,IT,low +0.76,0.81,4,242,2,0,0,0,IT,low +0.77,0.54,4,139,3,1,0,0,IT,low +0.77,0.91,4,239,3,1,0,0,product_mng,low +0.59,0.64,5,123,2,0,0,0,product_mng,low +0.69,0.9,3,185,4,0,0,0,product_mng,low +0.51,0.85,4,186,2,0,0,0,product_mng,low +0.8,0.67,3,178,3,0,0,0,IT,low +0.98,0.7,3,153,10,0,0,0,management,high +0.69,0.72,4,185,10,1,0,0,management,high +0.14,0.76,4,142,10,0,0,0,management,high +0.95,0.9,4,221,10,1,0,0,management,high +0.53,0.61,3,148,10,0,0,0,management,high +0.64,0.52,5,258,10,1,0,0,management,high +0.51,0.73,4,229,3,0,0,0,sales,low +0.36,0.73,2,111,2,0,0,0,sales,low +0.62,0.97,2,271,3,0,0,0,sales,low +0.98,0.58,4,133,3,0,0,0,sales,low +0.53,0.7,4,223,3,0,0,0,sales,low +0.8,0.95,4,272,2,0,0,0,sales,low +0.73,0.77,3,233,3,0,0,0,sales,medium +0.82,0.8,3,162,3,0,0,0,sales,medium +0.62,0.75,5,165,4,0,0,0,sales,medium +0.87,0.48,5,242,3,0,0,0,sales,medium +0.43,0.65,4,124,2,0,0,0,sales,medium +0.57,0.6,2,163,3,0,0,0,sales,medium +0.91,0.77,3,144,3,0,0,0,sales,medium +0.75,0.59,5,149,4,0,0,0,sales,medium +0.76,0.8,5,217,2,0,0,0,sales,medium +0.85,0.49,4,139,2,0,0,0,sales,medium +0.56,0.67,3,270,2,0,0,0,sales,medium +0.86,0.84,3,177,3,0,0,0,sales,medium +0.21,0.43,5,175,2,1,0,0,sales,high +0.94,0.59,3,151,2,0,0,0,sales,low +0.98,0.74,3,185,3,0,0,0,sales,medium +0.42,0.45,3,227,3,0,0,0,sales,medium +0.98,0.89,4,218,2,0,0,0,sales,medium +1,0.93,5,167,3,0,0,0,sales,medium +0.95,0.52,3,183,2,1,0,0,sales,low +0.95,0.5,4,259,3,0,0,0,sales,low +0.68,0.53,3,138,2,1,0,0,sales,low +0.64,0.38,5,122,4,0,0,0,sales,low +0.24,0.62,6,225,6,0,0,0,sales,low +0.37,0.72,3,121,2,0,0,0,sales,low +0.67,0.4,4,274,3,0,0,0,sales,low +0.86,0.89,4,153,4,0,0,0,sales,low +0.43,0.38,3,119,2,0,0,0,sales,low +0.67,0.67,4,141,2,1,0,0,sales,low +0.92,0.6,4,161,3,0,0,0,IT,low +0.43,0.46,2,186,2,0,0,0,product_mng,low +0.52,0.8,3,252,4,0,0,0,product_mng,low +0.16,0.42,3,182,3,1,0,0,product_mng,low +0.49,0.6,4,264,2,1,0,0,product_mng,low +0.37,0.63,4,167,3,0,0,0,IT,low +0.98,0.68,5,171,3,0,0,0,management,high +0.33,0.97,5,130,4,0,0,0,management,high +0.14,0.79,5,271,4,0,0,0,management,high +0.54,0.79,5,249,3,1,0,0,management,high +0.63,0.48,4,180,4,0,0,0,management,high +0.55,0.69,4,220,3,1,0,0,management,high +0.84,0.53,3,210,4,1,0,0,marketing,medium +0.51,0.97,4,258,2,0,0,0,sales,medium +0.15,0.75,3,150,4,0,0,1,accounting,medium +0.97,0.79,5,259,3,0,0,1,support,medium +0.67,0.69,3,231,3,0,0,1,technical,medium +0.48,0.67,4,220,3,0,0,1,management,medium +0.69,0.58,4,149,3,0,0,1,marketing,medium +0.6,0.62,3,238,4,0,0,1,marketing,medium +0.82,0.71,2,209,5,0,0,1,marketing,medium +0.86,0.95,4,149,3,0,0,1,sales,medium +0.69,0.59,4,264,3,0,0,0,sales,medium +0.87,0.87,5,207,2,0,0,0,sales,high +0.17,0.78,3,239,6,0,0,0,sales,low +0.94,0.51,6,239,5,0,0,0,sales,medium +0.5,1,4,258,3,0,0,0,sales,medium +0.16,0.72,3,203,3,0,0,0,sales,medium +0.89,0.99,2,258,3,0,0,0,sales,medium +0.69,0.51,3,257,3,1,0,0,IT,low +0.5,0.51,5,134,3,0,0,0,product_mng,low +0.16,0.46,6,240,2,0,0,0,product_mng,low +0.75,0.99,2,237,5,1,0,0,product_mng,low +0.64,0.66,5,157,2,0,0,0,product_mng,low +0.78,0.43,4,275,3,0,0,0,IT,low +0.81,0.74,2,228,3,0,0,0,management,high +0.55,0.58,3,254,2,0,0,0,management,high +0.53,0.53,4,257,2,0,0,0,management,high +0.69,0.73,3,231,2,1,0,0,management,high +0.8,0.53,3,217,3,0,0,0,management,high +0.77,0.98,3,286,6,0,0,0,management,high +0.84,0.8,4,236,3,0,0,0,marketing,low +0.64,0.55,4,215,2,0,0,0,sales,low +0.78,0.57,4,157,3,0,0,0,accounting,low +0.67,0.7,3,149,3,0,0,0,support,low +0.81,0.77,3,221,2,0,0,0,technical,low +0.91,0.82,4,238,2,0,0,0,management,low +0.75,0.89,6,250,2,0,0,0,marketing,medium +0.78,0.96,3,202,4,1,0,0,marketing,medium +0.54,0.52,4,173,2,0,0,0,marketing,medium +0.77,0.71,5,250,3,1,0,0,sales,medium +0.89,0.63,4,270,3,1,0,0,sales,medium +0.16,0.98,3,232,5,0,0,0,sales,medium +0.77,0.99,4,260,3,0,0,0,sales,medium +0.69,0.48,5,232,4,0,0,0,sales,medium +0.61,0.81,4,134,3,0,0,0,sales,medium +0.59,0.81,4,189,3,0,0,0,sales,medium +0.58,0.8,4,113,3,0,0,0,IT,medium +0.88,0.67,5,264,3,0,0,0,product_mng,medium +0.51,0.63,5,260,2,0,0,0,product_mng,high +0.31,0.7,3,132,3,0,0,0,product_mng,low +0.52,0.52,4,168,3,0,0,0,product_mng,medium +0.57,0.46,3,186,3,1,0,0,IT,medium +0.5,0.77,3,267,2,0,0,0,management,high +0.74,0.63,3,180,3,0,0,0,management,high +0.74,0.77,3,211,3,0,0,0,management,high +0.82,0.51,2,268,2,0,0,0,management,high +0.74,0.71,3,206,3,0,0,0,management,high +0.2,0.59,6,113,3,0,0,0,management,high +0.63,0.48,4,179,3,0,0,0,marketing,low +0.19,0.8,6,157,6,1,0,0,sales,low +0.4,0.62,4,127,5,0,0,0,accounting,low +0.71,0.37,2,179,5,0,0,1,support,low +0.84,0.73,4,197,3,0,0,1,technical,low +0.59,0.84,4,251,4,1,0,1,management,low +0.57,0.85,4,250,3,1,0,1,marketing,low +0.81,0.61,2,176,5,0,0,1,marketing,low +0.8,0.7,4,246,3,0,0,1,marketing,low +0.49,0.66,3,155,3,0,0,1,sales,low +0.55,0.64,3,178,2,0,0,1,sales,low +0.68,0.4,3,213,5,1,0,1,sales,low +0.55,0.67,3,150,2,0,0,1,sales,low +0.59,0.62,3,166,2,0,0,0,sales,low +0.91,0.8,5,169,4,0,0,0,sales,low +0.48,0.9,4,208,3,0,0,0,sales,low +0.84,0.66,3,209,2,0,0,0,sales,low +0.73,0.54,4,167,3,0,0,0,IT,medium +0.28,0.59,6,281,3,0,0,0,product_mng,medium +0.77,0.65,3,156,4,0,0,0,product_mng,medium +0.67,0.65,3,265,3,0,0,0,product_mng,medium +0.5,0.53,3,142,3,1,0,0,product_mng,medium +0.32,0.47,3,143,4,0,0,0,IT,medium +0.57,0.78,3,134,3,0,0,0,RandD,medium +0.51,0.8,5,268,3,0,0,0,RandD,medium +0.61,0.6,3,255,2,0,0,0,RandD,medium +0.83,0.73,4,157,2,0,0,0,RandD,medium +0.87,0.97,5,151,3,0,0,0,RandD,medium +0.7,0.63,3,157,2,0,0,0,RandD,medium +0.78,0.65,3,139,3,0,0,0,marketing,high +0.71,0.53,4,196,2,1,0,0,sales,low +0.68,0.99,3,159,2,0,0,0,accounting,medium +0.75,0.53,4,224,4,1,0,0,support,medium +0.7,0.53,3,215,7,1,0,0,technical,medium +0.59,0.94,5,157,7,1,0,0,management,medium +0.64,0.87,4,157,7,0,0,0,marketing,low +0.61,0.88,5,146,7,1,0,0,marketing,low +0.77,0.49,2,286,7,0,0,0,marketing,low +0.51,0.64,3,203,3,0,0,0,sales,low +0.49,0.49,3,168,7,0,0,0,sales,low +0.77,0.75,3,170,7,0,0,0,sales,low +0.31,0.86,3,266,7,0,0,0,sales,low +0.54,0.76,3,183,3,0,0,0,sales,low +0.56,0.66,4,264,3,0,0,0,sales,low +0.65,0.77,4,205,3,0,0,0,sales,low +0.49,0.36,2,192,3,0,0,0,sales,low +0.82,0.79,3,176,3,0,0,0,technical,low +0.6,0.52,3,183,2,0,0,0,support,low +0.64,0.63,3,156,6,1,0,0,support,low +0.7,0.68,3,150,3,0,0,0,support,low +0.65,0.89,4,204,8,1,0,0,support,low +0.69,0.78,5,131,8,0,0,0,support,low +0.93,0.74,5,248,8,1,0,0,support,low +0.55,0.52,4,168,8,0,0,0,support,low +0.75,0.87,4,146,8,1,0,0,support,low +0.47,0.43,4,246,3,0,0,0,support,low +0.72,0.88,5,216,10,1,0,0,support,medium +0.59,0.92,3,203,10,0,0,0,support,medium +0.98,0.49,3,199,10,0,0,0,technical,medium +0.39,0.52,2,102,8,0,0,0,technical,medium +0.93,0.87,4,139,8,0,0,0,technical,medium +0.71,0.97,5,208,8,1,0,0,management,medium +0.49,0.54,4,215,4,0,0,0,IT,medium +0.63,0.93,4,233,3,0,0,0,IT,medium +0.45,0.64,3,169,10,0,0,0,IT,medium +0.77,0.64,3,190,10,1,0,0,IT,medium +0.77,0.63,4,236,7,0,0,0,IT,medium +0.5,0.92,4,266,7,0,0,0,product_mng,medium +0.45,0.42,4,156,7,0,0,0,product_mng,high +0.81,0.47,4,153,7,0,0,0,product_mng,low +0.83,0.67,3,175,3,0,0,0,product_mng,medium +0.47,0.76,6,174,10,0,0,0,IT,medium +0.25,0.89,4,154,10,0,0,0,management,high +0.89,0.55,5,251,10,0,0,0,management,high +0.97,0.57,3,164,10,0,0,0,management,high +0.6,0.65,2,225,10,0,0,0,management,high +0.67,0.72,2,134,10,0,0,0,management,high +0.89,0.77,3,144,3,0,0,0,management,high +0.6,0.91,5,211,3,0,0,0,sales,low +0.64,0.79,4,139,3,0,0,0,sales,low +0.57,0.66,3,268,3,0,0,0,sales,low +0.56,0.98,5,171,3,1,0,0,sales,low +0.6,0.9,4,260,2,0,0,0,sales,medium +0.17,0.66,6,224,3,0,0,0,sales,medium +0.74,0.49,4,233,3,0,0,0,sales,medium +0.44,0.41,3,125,7,0,0,0,sales,medium +0.51,0.89,4,233,7,0,0,0,sales,medium +0.86,0.57,3,162,7,0,0,0,sales,medium +0.96,0.48,4,198,7,0,0,0,sales,medium +0.87,0.82,4,198,7,0,0,0,sales,medium +0.58,0.79,3,243,3,1,0,0,sales,medium +0.24,0.56,4,281,7,0,0,0,sales,medium +0.42,0.8,4,259,7,1,0,0,sales,medium +0.65,0.94,4,184,7,0,0,0,sales,medium +0.73,0.92,6,189,3,1,0,0,sales,medium +0.63,0.6,4,258,3,0,0,0,sales,medium +0.95,0.48,4,225,3,0,0,0,sales,medium +0.52,0.83,5,145,3,0,0,0,sales,medium +0.96,0.55,3,164,3,0,0,0,sales,medium +0.66,0.51,4,254,2,0,0,0,sales,medium +0.98,0.44,4,154,6,1,0,0,sales,medium +0.56,0.79,5,248,3,0,0,0,sales,medium +0.97,0.54,3,154,8,1,0,0,sales,medium +0.72,0.92,3,242,8,0,0,0,sales,medium +0.74,0.78,4,194,8,0,0,0,sales,medium +0.2,0.6,5,261,8,0,0,0,sales,medium +0.73,0.56,3,245,8,0,0,0,sales,medium +0.76,0.79,3,247,3,0,0,0,sales,low +0.65,0.54,4,147,10,0,0,0,sales,low +0.66,0.5,3,139,10,1,0,0,sales,low +0.96,0.97,6,137,10,0,0,0,sales,low +0.57,0.55,4,177,8,0,0,0,sales,low +0.61,0.82,4,184,8,0,0,0,IT,low +0.57,0.69,3,212,8,0,0,0,product_mng,low +0.59,0.47,3,159,4,0,0,0,product_mng,low +0.92,0.68,4,178,3,0,0,0,product_mng,low +0.79,0.56,3,149,10,0,0,0,product_mng,low +0.95,0.66,4,223,10,0,0,0,IT,low +0.24,0.81,6,263,7,0,0,0,management,high +0.49,0.52,4,161,7,0,0,0,management,high +0.49,0.68,3,192,7,0,0,0,management,high +0.97,0.51,5,215,7,0,0,0,management,high +0.55,0.78,4,261,3,0,0,0,management,high +0.76,0.56,5,222,10,0,0,0,management,high +0.53,0.99,3,223,10,0,0,0,marketing,low +0.51,0.86,3,182,10,0,0,0,sales,low +0.57,0.93,2,204,10,0,0,0,accounting,low +0.58,0.91,3,195,10,0,0,0,support,low +0.6,0.98,4,146,10,0,0,0,technical,low +0.65,0.74,4,233,4,1,0,0,management,low +0.91,0.75,2,147,3,0,0,0,marketing,low +0.65,0.55,3,156,5,0,0,0,marketing,low +0.18,0.49,3,240,2,1,0,0,marketing,low +0.66,0.9,4,177,7,0,0,0,sales,low +0.78,0.8,3,135,7,0,0,0,sales,medium +0.82,0.65,5,178,7,1,0,0,sales,medium +0.54,0.64,3,190,7,0,0,0,sales,medium +0.95,0.84,3,240,7,0,0,0,sales,medium +0.65,0.85,4,172,3,0,0,0,sales,medium +0.83,0.55,3,271,7,0,0,0,sales,medium +0.15,0.6,5,188,7,0,0,0,sales,medium +0.59,0.59,4,197,7,0,0,0,IT,medium +0.99,0.94,5,151,3,0,0,0,product_mng,medium +0.76,0.72,3,263,3,0,0,0,product_mng,medium +0.64,0.67,2,223,3,0,0,0,product_mng,medium +0.95,0.75,4,151,3,0,0,0,product_mng,medium +0.53,0.66,3,191,3,0,0,0,IT,high +0.59,0.5,2,162,2,0,0,0,management,high +0.69,0.86,5,195,6,0,0,0,management,high +0.5,0.49,4,222,3,0,0,0,management,high +0.89,0.96,3,179,8,0,0,0,management,high +0.56,0.39,3,106,8,0,0,0,management,high +0.77,0.68,3,214,8,1,0,0,management,high +0.15,0.75,3,259,8,1,0,0,marketing,high +0.88,0.58,3,145,8,0,0,0,sales,low +0.89,0.86,4,153,3,0,0,0,accounting,low +0.65,0.52,2,117,10,1,0,0,support,low +0.58,0.99,3,207,10,0,0,0,technical,low +0.56,0.85,3,265,10,1,0,0,management,low +0.25,0.72,5,279,8,0,0,0,marketing,low +0.87,0.89,4,225,8,0,0,0,marketing,low +0.62,0.4,3,158,8,1,0,0,marketing,low +0.72,0.75,4,211,4,0,0,0,sales,medium +0.49,0.94,4,175,3,0,0,0,sales,medium +0.57,0.91,4,224,10,0,0,0,sales,medium +0.63,0.65,3,190,10,0,0,0,sales,medium +0.91,0.63,5,240,7,0,0,0,sales,medium +0.7,0.68,5,225,7,0,0,0,sales,medium +0.66,0.95,5,192,7,0,0,0,sales,medium +0.77,0.48,5,262,7,0,0,0,IT,medium +0.68,0.97,3,250,3,1,0,0,product_mng,medium +0.34,0.46,3,155,10,0,0,0,product_mng,medium +0.97,0.64,4,238,10,1,0,0,product_mng,medium +0.57,0.75,4,249,10,0,0,0,product_mng,medium +0.66,0.65,3,272,10,0,0,0,IT,medium +0.68,0.67,4,162,10,0,0,0,management,high +0.49,0.78,4,254,10,0,0,0,management,high +0.72,0.66,4,184,3,0,0,0,management,high +0.77,0.89,4,269,10,0,0,0,management,high +0.77,0.73,3,201,10,0,0,0,management,high +0.59,0.73,4,247,10,0,0,0,management,high +0.41,0.67,6,221,10,0,0,0,marketing,medium +0.94,0.64,5,247,10,0,0,0,sales,medium +0.91,0.61,4,135,10,0,0,0,accounting,medium +0.7,0.84,3,260,4,1,0,0,support,medium +0.51,0.52,3,188,3,0,0,0,technical,high +0.22,0.7,4,159,5,0,0,0,management,low +0.69,0.65,3,153,2,0,0,0,marketing,medium +0.2,0.68,5,167,7,0,0,0,marketing,medium +0.9,0.85,3,158,7,0,0,0,marketing,medium +0.76,0.85,3,180,7,0,0,0,sales,medium +0.88,0.51,3,211,7,0,0,0,sales,medium +0.31,0.63,4,104,7,1,0,0,sales,medium +0.17,0.66,6,174,3,0,0,0,sales,medium +0.91,0.77,3,195,7,0,0,0,sales,medium +0.97,0.38,5,211,7,1,0,0,sales,medium +0.61,0.77,5,232,7,0,0,0,sales,medium +0.74,0.67,5,216,3,0,0,0,sales,low +0.65,0.82,5,265,3,0,0,0,IT,low +0.87,0.73,5,184,3,0,0,0,product_mng,low +0.56,0.71,5,244,3,0,0,0,product_mng,low +0.78,0.69,4,202,3,0,0,0,product_mng,low +0.73,0.57,3,146,2,0,0,0,product_mng,low +0.66,0.78,4,161,6,0,0,0,IT,low +0.15,0.81,5,280,3,1,0,0,RandD,high +0.52,0.69,5,208,8,1,0,0,RandD,low +0.44,0.66,6,134,8,0,0,0,RandD,high +0.7,0.7,3,162,8,0,0,0,RandD,high +0.63,0.52,5,209,8,1,0,0,RandD,low +0.89,0.59,3,265,8,0,0,0,RandD,low +0.96,0.85,4,173,3,0,0,0,marketing,high +0.98,0.99,4,261,10,1,0,0,sales,low +0.62,0.82,3,204,10,0,0,0,accounting,medium +0.62,0.73,3,144,10,1,0,0,support,high +0.69,0.43,5,113,8,0,0,0,technical,medium +0.5,0.91,4,144,8,0,0,0,management,medium +0.71,0.93,5,140,8,0,0,0,marketing,medium +0.5,0.68,3,245,4,0,0,0,marketing,medium +0.93,0.6,3,188,3,0,0,0,marketing,high +0.95,0.77,5,199,10,1,0,0,sales,medium +0.17,0.61,6,154,10,1,0,0,sales,medium +0.92,0.68,4,138,7,0,0,0,sales,medium +0.64,0.48,3,147,7,0,0,0,sales,high +0.27,0.42,6,173,7,0,0,0,sales,medium +0.66,0.87,3,223,7,0,0,0,sales,high +0.59,0.69,3,200,3,0,0,0,sales,low +0.93,0.98,4,189,10,0,0,0,sales,medium +0.58,0.67,5,133,10,0,0,0,technical,medium +0.96,0.6,3,160,10,0,0,0,support,medium +0.69,0.85,3,153,10,0,0,0,support,medium +0.41,0.38,4,142,10,1,0,0,support,low +0.36,0.41,3,167,10,0,0,0,support,low +0.71,0.78,4,227,2,0,0,0,support,low +0.94,0.9,4,144,4,0,0,0,support,low +0.51,0.76,4,140,3,0,0,0,support,low +0.83,0.48,4,220,3,1,0,0,support,low +0.22,0.62,3,180,3,0,0,0,support,low +0.66,0.89,4,173,4,0,0,0,support,low +0.14,0.58,3,179,5,0,0,0,support,low +0.16,0.96,5,137,5,1,0,0,technical,low +0.81,0.78,3,165,3,0,0,0,technical,high +0.73,0.94,3,177,3,0,0,0,technical,low +0.7,0.58,5,168,3,0,0,0,management,low +0.62,0.73,3,245,4,0,0,0,IT,low +0.5,0.83,5,258,2,0,0,0,IT,low +0.7,0.88,3,159,2,0,0,0,IT,high +0.53,0.73,3,163,3,1,0,0,IT,low +0.87,0.9,3,174,2,0,0,0,IT,low +0.59,0.6,3,214,2,1,0,0,product_mng,low +0.94,0.67,4,191,3,1,0,0,product_mng,high +0.2,0.53,5,272,5,0,0,0,product_mng,low +0.42,0.44,3,183,2,0,0,0,product_mng,medium +0.43,0.66,4,135,2,0,0,0,IT,high +0.43,0.76,6,154,2,0,0,0,management,high +0.77,0.86,5,238,3,0,0,0,management,high +0.76,0.98,2,235,3,0,0,0,management,high +0.82,0.9,3,215,4,0,0,0,management,high +0.75,0.66,5,234,2,0,0,0,management,high +0.63,0.98,4,187,3,0,0,0,management,high +0.51,0.75,3,133,3,0,0,0,sales,medium +0.23,0.7,3,123,5,0,0,0,sales,medium +0.77,0.58,4,202,3,0,0,0,sales,medium +0.54,0.63,4,140,3,0,0,0,sales,medium +0.63,0.85,4,182,3,1,0,0,sales,high +0.55,0.45,3,179,2,1,0,0,sales,low +0.31,0.63,3,150,3,1,0,0,sales,medium +0.98,0.74,4,151,3,0,0,0,sales,medium +0.16,0.95,6,117,7,0,0,0,sales,medium +0.54,0.78,3,156,7,0,0,0,sales,medium +0.73,0.48,3,211,7,0,0,0,sales,medium +0.16,0.63,6,286,7,0,0,1,sales,medium +0.57,0.82,5,233,7,0,0,1,sales,medium +0.88,0.88,4,222,3,1,0,1,sales,medium +0.95,0.81,4,258,7,0,0,1,sales,medium +0.93,0.7,5,231,7,0,0,1,sales,high +0.91,0.58,3,220,7,0,0,1,sales,low +0.77,0.82,4,134,3,0,0,1,sales,low +0.24,0.94,6,141,3,1,0,0,sales,low +0.74,0.74,5,160,3,1,0,0,sales,high +0.53,0.59,4,259,3,0,0,0,sales,low +0.89,0.77,5,232,3,0,0,0,sales,low +0.23,0.77,5,272,2,0,0,0,sales,low +0.69,0.66,3,215,6,0,0,0,sales,high +0.52,0.72,4,222,3,0,0,0,sales,low +0.9,0.58,3,244,8,0,0,0,sales,low +0.92,0.63,5,224,8,1,0,0,sales,low +0.72,0.59,5,200,8,1,0,0,sales,low +0.92,0.61,4,143,8,0,0,0,sales,low +0.79,0.86,5,238,8,0,0,0,sales,low +0.48,0.89,4,145,3,0,0,0,sales,low +0.27,0.76,4,108,10,0,0,0,sales,medium +0.67,0.49,3,247,10,0,0,0,sales,medium +0.48,0.7,3,213,10,0,0,0,sales,medium +0.99,0.6,4,209,8,1,0,0,IT,medium +0.49,0.88,4,240,8,0,0,0,product_mng,medium +0.39,0.45,3,100,8,1,0,0,product_mng,medium +0.99,0.92,4,265,4,1,0,0,product_mng,medium +0.78,0.57,3,209,3,0,0,0,product_mng,medium +0.5,0.73,3,154,10,0,0,0,IT,medium +0.61,0.79,5,230,10,0,0,0,management,high +0.88,0.6,4,208,7,0,0,1,management,high +0.44,0.44,2,141,7,1,0,1,management,high +0.73,0.78,3,262,7,1,0,1,management,high +0.58,0.84,4,206,7,0,0,1,management,high +0.74,0.98,3,166,3,1,0,1,management,high +0.32,0.48,4,117,10,0,0,1,marketing,medium +0.88,0.83,4,273,10,0,0,0,sales,medium +0.81,0.9,4,270,10,0,0,0,accounting,medium +0.59,0.92,3,138,10,0,0,0,support,low +0.79,0.65,3,235,10,0,0,0,technical,low +0.92,0.64,4,190,10,1,0,0,management,low +0.76,0.85,3,192,3,0,0,0,marketing,low +0.91,0.65,5,214,3,1,0,0,marketing,low +0.8,0.84,4,242,2,1,0,0,marketing,low +0.73,0.72,4,233,2,0,0,0,sales,low +0.88,0.53,3,218,4,0,0,0,sales,low +0.65,0.4,5,125,4,0,0,0,sales,low +0.84,0.5,4,178,2,0,0,0,sales,low +0.93,0.5,5,272,3,0,0,0,sales,low +0.64,0.6,3,265,4,0,0,0,sales,low +0.66,0.72,4,271,3,0,0,0,sales,low +0.76,0.56,3,179,3,1,0,0,sales,low +0.34,0.72,3,118,4,0,0,0,IT,low +0.48,0.8,4,196,5,0,0,0,product_mng,low +0.79,0.61,4,173,2,0,0,0,product_mng,low +0.82,0.67,4,156,3,0,0,0,product_mng,low +0.51,0.71,2,180,3,0,0,0,product_mng,low +0.84,0.78,4,263,3,0,0,0,IT,low +0.66,0.79,5,134,3,0,0,0,management,high +0.72,0.88,3,189,3,1,0,0,management,high +0.53,0.91,4,167,4,0,0,0,management,high +0.81,0.8,5,132,2,1,0,0,management,high +0.58,0.9,3,209,2,0,0,0,management,high +0.82,0.56,2,227,5,1,0,0,management,high +0.72,0.99,4,239,3,0,0,0,marketing,medium +0.9,0.54,4,172,4,0,0,0,sales,medium +0.98,0.91,3,188,4,0,0,0,accounting,medium +0.56,0.74,3,265,3,0,0,0,support,medium +0.77,0.82,3,153,3,1,0,0,technical,medium +0.61,0.89,4,242,2,0,0,0,management,medium +0.97,0.61,4,262,3,1,0,1,marketing,medium +0.64,0.55,3,246,2,0,0,1,marketing,high +0.99,0.97,4,211,2,0,0,1,marketing,low +0.61,0.42,3,145,4,0,0,1,sales,medium +0.72,0.71,4,256,3,0,0,1,sales,medium +0.67,0.91,2,245,2,1,0,1,sales,medium +0.9,0.56,3,151,3,0,0,0,sales,medium +0.9,0.73,4,245,2,0,0,0,sales,low +0.63,0.61,4,171,3,0,0,0,sales,low +0.64,0.88,3,252,2,0,0,0,sales,low +0.44,0.65,3,175,2,0,0,0,IT,low +0.64,0.94,4,210,3,0,0,0,product_mng,low +0.65,0.95,2,180,2,0,0,0,product_mng,low +0.69,0.9,5,103,5,0,0,0,product_mng,low +0.93,0.51,4,110,3,0,0,0,product_mng,low +0.73,0.9,5,184,3,0,0,0,IT,low +0.83,0.6,4,161,2,0,0,0,management,high +0.82,0.49,5,210,3,0,0,0,management,high +0.39,0.91,2,212,2,0,0,0,management,high +0.53,0.47,6,106,6,0,0,0,management,high +0.88,0.81,4,179,3,0,0,0,management,high +0.8,0.6,5,217,3,0,0,0,management,high +0.68,0.79,4,184,3,0,0,0,marketing,low +0.66,0.6,3,210,2,0,0,0,sales,low +0.61,0.61,4,246,2,0,0,0,accounting,low +0.74,0.55,4,262,3,0,0,0,support,low +0.61,0.83,4,245,3,1,0,1,technical,low +0.57,0.99,3,222,3,1,0,1,management,low +0.68,0.54,4,146,4,0,0,1,marketing,medium +0.75,0.79,4,263,3,0,0,1,marketing,medium +0.29,0.57,5,134,2,0,0,1,marketing,medium +0.81,0.81,5,250,4,0,0,1,sales,medium +0.53,0.68,4,173,3,0,0,0,sales,medium +0.42,0.96,6,173,3,0,0,0,sales,medium +0.64,0.67,4,252,3,1,0,0,sales,medium +0.63,0.5,2,230,4,0,0,0,sales,medium +0.81,0.81,4,212,2,1,0,0,sales,medium +0.71,0.66,5,187,2,0,0,0,sales,medium +0.7,0.83,5,241,2,0,0,0,sales,medium +0.53,1,3,164,4,0,0,0,IT,medium +0.16,0.93,6,218,6,1,0,0,product_mng,high +0.17,0.55,4,194,3,0,0,0,product_mng,low +0.7,0.95,3,158,2,0,0,0,product_mng,medium +0.43,0.88,2,149,4,0,0,0,product_mng,medium +0.49,0.62,4,161,2,0,0,0,IT,medium +0.5,0.9,5,226,2,0,0,0,management,high +0.57,0.59,2,111,2,0,0,0,management,high +0.68,0.75,4,258,3,0,0,0,management,high +0.62,0.61,3,266,2,0,0,0,management,high +0.69,0.75,3,253,3,0,0,0,management,high +0.63,0.7,5,160,3,0,0,0,management,high +0.76,0.62,5,230,3,1,0,0,marketing,low +0.62,0.76,5,198,3,0,0,0,sales,low +0.82,0.69,3,250,3,0,0,0,accounting,low +0.2,0.7,4,225,5,0,0,0,support,low +0.16,0.7,3,178,3,1,0,0,technical,low +0.2,0.78,4,196,3,0,0,0,management,low +0.53,0.51,4,240,2,0,0,0,marketing,low +0.71,0.63,3,204,3,0,0,0,marketing,low +0.7,0.93,3,250,3,0,0,0,marketing,low +0.92,0.94,2,224,2,0,0,0,sales,low +0.81,0.92,4,268,3,0,0,0,sales,low +0.79,0.62,5,167,3,0,0,0,sales,low +0.53,0.64,3,168,3,0,0,0,sales,low +0.51,0.56,4,168,2,0,0,0,sales,low +0.78,0.9,5,158,3,0,0,0,sales,low +0.5,0.91,3,240,3,0,0,0,sales,low +0.92,1,4,261,4,0,0,0,sales,medium +0.59,0.54,4,176,2,0,0,0,technical,medium +0.77,0.55,3,217,3,0,0,0,support,medium +0.74,0.87,5,224,2,0,0,0,support,medium +0.67,0.97,4,196,3,0,0,0,support,medium +0.56,0.59,3,223,3,0,0,0,support,medium +0.84,0.44,5,131,5,1,0,0,support,medium +0.53,0.77,2,167,2,0,0,0,support,medium +0.86,0.71,5,273,3,0,0,0,support,medium +0.77,0.68,3,98,3,0,0,0,support,medium +0.97,0.94,4,253,3,0,0,0,support,medium +0.69,0.87,5,174,3,0,0,0,support,medium +0.73,0.9,3,274,2,0,0,0,support,high +0.42,0.47,6,174,5,0,0,0,technical,low +0.4,0.47,5,173,5,0,0,0,technical,medium +0.33,0.41,2,198,4,0,0,0,technical,medium +0.68,0.66,3,238,2,0,0,0,management,medium +0.78,0.8,3,256,2,0,0,0,IT,medium +0.92,0.6,3,179,2,0,0,0,IT,low +0.66,0.66,4,273,4,1,0,0,IT,low +0.6,0.45,3,104,4,0,0,0,IT,low +0.86,0.83,4,208,3,1,0,0,IT,low +0.61,0.49,3,275,2,0,0,0,product_mng,low +0.71,0.68,3,231,2,1,0,0,product_mng,low +0.86,0.62,4,186,3,0,0,0,product_mng,low +0.96,0.59,3,241,3,0,0,0,product_mng,low +0.7,0.54,3,194,2,1,0,0,IT,low +0.38,0.49,4,196,3,0,0,1,management,high +0.39,0.75,6,185,3,0,0,1,management,high +0.49,0.4,2,148,2,1,0,1,management,high +0.78,0.62,4,150,3,0,0,1,management,high +0.74,0.79,5,121,5,0,0,1,management,high +0.82,0.76,4,266,3,0,0,1,management,high +0.6,0.42,2,109,6,0,0,0,sales,low +0.72,0.99,3,143,4,0,0,0,sales,low +0.73,0.97,3,174,3,0,0,0,sales,low +0.89,0.55,4,159,2,0,0,0,sales,medium +0.74,0.94,4,157,2,0,0,0,sales,medium +0.83,0.57,2,222,2,0,0,0,sales,medium +0.24,0.88,5,199,5,1,0,0,sales,medium +0.93,0.89,3,255,7,1,0,0,sales,medium +0.96,0.62,4,253,7,0,0,0,sales,medium +0.16,0.68,5,149,7,1,0,0,sales,medium +0.21,0.85,6,285,7,0,0,0,sales,medium +0.69,0.54,3,164,7,0,0,0,sales,medium +0.66,0.96,3,243,3,1,0,0,sales,medium +0.67,0.39,2,207,7,0,0,0,sales,medium +0.85,0.58,4,186,7,0,0,0,sales,medium +0.37,0.92,4,211,7,0,0,0,sales,high +0.64,0.64,2,190,3,0,0,0,sales,low +0.91,0.82,2,241,3,0,0,0,sales,medium +0.96,0.68,3,206,3,0,0,0,sales,medium +0.74,0.7,4,273,3,0,0,0,sales,medium +0.94,0.99,2,157,3,0,0,0,sales,medium +0.37,0.72,3,183,2,0,0,0,sales,low +0.92,0.85,3,151,6,1,0,0,sales,low +0.86,0.72,3,217,3,0,0,0,sales,low +0.66,0.49,5,235,8,1,0,0,sales,low +0.19,0.61,4,127,8,0,0,0,sales,low +0.65,0.61,5,167,8,0,0,0,sales,low +0.92,0.44,3,260,8,0,0,0,sales,low +0.83,0.8,3,240,8,0,0,0,sales,low +0.94,0.82,4,187,3,0,0,0,sales,low +0.42,0.69,3,126,2,0,0,0,sales,low +0.78,0.53,6,168,3,0,0,0,sales,low +0.58,0.76,4,197,5,0,0,0,sales,low +0.5,0.64,2,170,8,0,0,0,sales,low +0.82,0.76,3,219,8,1,0,0,IT,low +0.97,0.92,6,137,8,1,0,0,product_mng,low +0.8,0.93,3,225,4,0,0,0,product_mng,low +0.82,0.84,3,194,3,0,0,0,product_mng,low +0.95,0.99,5,251,4,0,0,0,product_mng,low +0.88,0.51,5,195,4,0,0,0,IT,low +0.5,0.86,3,180,7,0,0,1,management,high +0.53,0.8,2,225,7,1,0,1,management,high +0.82,0.74,3,229,7,0,0,1,management,high +0.15,0.74,6,144,7,0,0,1,management,high +0.92,0.7,3,129,3,0,0,1,management,high +0.53,0.74,3,172,10,0,0,1,management,high +0.58,1,4,220,10,0,0,0,marketing,medium +0.88,0.74,3,273,10,0,0,0,sales,medium +0.85,0.72,3,245,10,0,0,0,accounting,medium +0.99,0.68,5,264,10,1,0,0,support,medium +0.94,0.73,3,268,10,0,0,0,technical,medium +0.63,0.94,3,172,3,0,0,0,management,medium +0.85,0.9,3,245,3,0,0,0,marketing,medium +0.95,0.66,5,192,3,0,0,0,marketing,medium +0.71,0.66,3,268,4,0,0,0,marketing,high +0.49,0.88,4,244,3,0,0,0,sales,low +0.71,0.69,4,222,4,0,0,0,sales,medium +0.52,0.62,5,239,2,0,0,0,sales,medium +0.48,0.72,3,143,4,0,0,0,sales,medium +0.82,0.79,3,160,3,0,0,0,sales,medium +0.83,0.76,2,255,7,0,0,0,sales,low +0.85,0.87,4,152,7,0,0,0,sales,low +0.57,0.64,4,226,7,0,0,0,sales,low +0.16,0.63,5,266,7,0,0,0,IT,low +0.85,0.64,5,256,7,0,0,0,product_mng,low +0.82,0.67,3,198,3,1,0,0,product_mng,low +0.9,0.89,4,254,7,0,0,0,product_mng,low +0.92,0.64,2,104,7,0,0,0,product_mng,low +0.9,0.48,4,136,7,0,0,0,IT,low +0.82,0.8,5,205,3,0,0,0,IT,low +0.84,0.81,4,236,3,1,0,0,IT,low +0.92,0.65,3,176,3,0,0,0,IT,low +0.82,0.82,3,148,3,0,0,0,IT,low +0.8,0.8,4,146,3,1,0,0,IT,low +0.6,0.85,3,242,2,0,0,0,IT,low +0.14,0.38,5,115,6,1,0,0,marketing,high +0.85,0.89,4,150,3,0,0,0,accounting,high +0.55,0.81,3,239,8,0,0,0,accounting,high +0.49,0.71,4,178,8,0,0,0,IT,medium +0.82,0.58,5,263,8,0,0,0,IT,medium +0.59,0.77,3,272,8,0,0,0,management,high +0.9,0.82,3,133,8,0,0,0,marketing,medium +0.62,0.72,3,149,3,1,0,0,marketing,medium +0.61,0.68,3,193,2,0,0,0,marketing,medium +0.52,0.55,5,174,3,1,0,0,sales,medium +0.79,0.87,4,223,5,0,0,0,sales,medium +0.49,0.89,4,201,8,0,0,0,sales,medium +0.73,0.67,2,139,8,0,0,0,sales,medium +0.67,0.49,5,241,8,0,0,0,sales,medium +0.52,0.61,4,187,4,1,0,0,sales,medium +0.72,0.64,4,192,3,0,0,0,sales,medium +0.48,0.5,5,142,4,0,0,0,IT,medium +0.19,0.79,4,229,4,0,0,0,product_mng,medium +0.49,0.49,3,104,7,0,0,0,product_mng,high +0.9,0.76,3,255,7,0,0,0,product_mng,low +0.49,0.49,4,212,7,0,0,0,product_mng,medium +0.6,0.53,2,235,7,0,0,0,IT,medium +0.62,0.85,3,237,3,1,0,0,IT,medium +0.64,0.5,4,253,10,0,0,1,management,high +0.22,0.94,3,193,10,0,0,1,management,high +0.9,0.55,3,259,10,1,0,1,management,high +0.74,0.95,5,266,10,0,0,1,management,high +0.85,0.54,3,185,10,0,0,1,management,high +0.33,0.65,3,172,10,0,0,1,marketing,high +0.5,0.73,4,180,3,0,0,0,IT,low +0.38,0.53,2,157,3,0,1,0,sales,low +0.8,0.86,5,262,6,0,1,0,sales,medium +0.11,0.88,7,272,4,0,1,0,sales,medium +0.72,0.87,5,223,5,0,1,0,sales,low +0.37,0.52,2,159,3,0,1,0,sales,low +0.41,0.5,2,153,3,0,1,0,sales,low +0.1,0.77,6,247,4,0,1,0,sales,low +0.92,0.85,5,259,5,0,1,0,sales,low +0.89,1,5,224,5,0,1,0,sales,low +0.42,0.53,2,142,3,0,1,0,sales,low +0.45,0.54,2,135,3,0,1,0,sales,low +0.11,0.81,6,305,4,0,1,0,sales,low +0.84,0.92,4,234,5,0,1,0,sales,low +0.41,0.55,2,148,3,0,1,0,sales,low +0.36,0.56,2,137,3,0,1,0,sales,low +0.38,0.54,2,143,3,0,1,0,sales,low +0.45,0.47,2,160,3,0,1,0,sales,low +0.78,0.99,4,255,6,0,1,0,sales,low +0.45,0.51,2,160,3,1,1,1,sales,low +0.76,0.89,5,262,5,0,1,0,sales,low +0.11,0.83,6,282,4,0,1,0,sales,low +0.38,0.55,2,147,3,0,1,0,sales,low +0.09,0.95,6,304,4,0,1,0,sales,low +0.46,0.57,2,139,3,0,1,0,sales,low +0.4,0.53,2,158,3,0,1,0,sales,low +0.89,0.92,5,242,5,0,1,0,sales,low +0.82,0.87,4,239,5,0,1,0,sales,low +0.4,0.49,2,135,3,0,1,0,sales,low +0.41,0.46,2,128,3,0,1,0,accounting,low +0.38,0.5,2,132,3,0,1,0,accounting,low +0.09,0.62,6,294,4,0,1,0,accounting,low +0.45,0.57,2,134,3,0,1,0,hr,low +0.4,0.51,2,145,3,0,1,0,hr,low +0.45,0.55,2,140,3,0,1,0,hr,low +0.84,0.87,4,246,6,0,1,0,hr,low +0.1,0.94,6,255,4,0,1,0,technical,low +0.38,0.46,2,137,3,0,1,0,technical,low +0.45,0.5,2,126,3,0,1,0,technical,low +0.11,0.89,6,306,4,0,1,0,technical,low +0.41,0.54,2,152,3,0,1,0,technical,low +0.87,0.88,5,269,5,0,1,0,technical,low +0.45,0.48,2,158,3,0,1,0,technical,low +0.4,0.46,2,127,3,0,1,0,technical,low +0.1,0.8,7,281,4,0,1,0,technical,low +0.09,0.89,6,276,4,0,1,0,technical,low +0.84,0.74,3,182,4,0,1,0,technical,low +0.4,0.55,2,147,3,0,1,0,support,low +0.57,0.7,3,273,6,0,1,0,support,low +0.4,0.54,2,148,3,0,1,0,support,low +0.43,0.47,2,147,3,0,1,0,support,low +0.13,0.78,6,152,2,0,1,0,support,low +0.44,0.55,2,135,3,0,1,0,support,low +0.38,0.55,2,134,3,0,1,0,support,low +0.39,0.54,2,132,3,0,1,0,support,low +0.1,0.92,7,307,4,0,1,0,support,low +0.37,0.46,2,140,3,0,1,0,support,low +0.11,0.94,7,255,4,0,1,0,support,low +0.1,0.81,6,309,4,0,1,0,technical,low +0.38,0.54,2,128,3,0,1,0,technical,low +0.85,1,4,225,5,0,1,0,technical,low +0.85,0.91,5,226,5,0,1,0,management,medium +0.11,0.93,7,308,4,0,1,0,IT,medium +0.1,0.95,6,244,5,0,1,0,IT,medium +0.36,0.56,2,132,3,0,1,0,IT,medium +0.11,0.94,6,286,4,0,1,0,IT,medium +0.81,0.7,6,161,4,0,1,0,IT,medium +0.43,0.54,2,153,3,0,1,0,product_mng,medium +0.9,0.98,4,264,6,0,1,0,product_mng,medium +0.76,0.86,5,223,5,1,1,0,product_mng,medium +0.43,0.5,2,135,3,0,1,0,product_mng,medium +0.74,0.99,2,277,3,0,1,0,IT,medium +0.09,0.77,5,275,4,0,1,0,product_mng,medium +0.45,0.49,2,149,3,0,1,0,product_mng,high +0.09,0.87,7,295,4,0,1,0,product_mng,low +0.11,0.97,6,277,4,0,1,0,product_mng,medium +0.11,0.79,7,306,4,0,1,0,product_mng,medium +0.1,0.83,6,295,4,0,1,0,product_mng,medium +0.4,0.54,2,137,3,0,1,0,marketing,medium +0.43,0.56,2,157,3,0,1,0,sales,low +0.39,0.56,2,142,3,0,1,0,accounting,low +0.45,0.54,2,140,3,0,1,0,support,low +0.38,0.49,2,151,3,0,1,0,technical,low +0.79,0.59,4,139,3,0,1,1,management,low +0.84,0.85,4,249,6,0,1,0,marketing,low +0.11,0.77,6,291,4,0,1,0,marketing,low +0.11,0.87,6,305,4,0,1,0,marketing,low +0.17,0.84,5,232,3,0,1,0,sales,low +0.44,0.45,2,132,3,0,1,0,sales,low +0.37,0.57,2,130,3,0,1,0,sales,low +0.1,0.79,6,291,4,0,1,0,sales,low +0.4,0.5,2,130,3,0,1,0,sales,low +0.89,1,5,246,5,0,1,0,sales,low +0.42,0.48,2,143,3,0,1,0,sales,low +0.46,0.55,2,129,3,0,1,0,sales,low +0.09,0.83,6,255,4,0,1,0,sales,low +0.37,0.51,2,155,3,0,1,0,sales,low +0.1,0.77,6,265,4,0,1,0,sales,low +0.1,0.84,6,279,4,0,1,0,sales,low +0.11,0.97,6,284,4,0,1,0,sales,low +0.9,1,5,221,6,0,1,0,sales,medium +0.38,0.52,2,154,3,0,1,0,sales,medium +0.36,0.52,2,147,3,0,1,0,sales,medium +0.42,0.46,2,150,3,0,1,0,sales,medium +0.09,0.94,7,267,4,0,1,0,sales,medium +0.43,0.52,2,158,3,0,1,0,sales,medium +0.24,0.46,7,224,5,0,1,0,accounting,medium +0.91,1,4,257,5,0,1,0,accounting,medium +0.44,0.5,2,148,3,0,1,0,accounting,medium +0.71,0.87,3,177,4,0,1,0,hr,medium +0.4,0.49,2,155,3,0,1,0,hr,medium +0.43,0.47,2,144,3,0,1,0,hr,medium +0.09,0.85,6,289,4,0,1,0,hr,high +0.43,0.52,2,160,3,0,1,0,technical,low +0.9,0.96,4,258,5,0,1,0,technical,medium +0.84,1,5,234,5,0,1,0,technical,medium +0.37,0.48,2,137,3,0,1,0,technical,medium +0.86,0.68,5,263,2,0,1,0,technical,medium +0.11,0.84,6,251,4,0,1,0,technical,low +0.37,0.57,2,133,3,0,1,0,technical,low +0.4,0.46,2,132,3,0,1,0,technical,low +0.14,0.62,4,158,4,1,1,0,technical,low +0.4,0.46,2,135,3,0,1,0,technical,low +0.75,1,4,216,6,0,1,0,technical,low +0.11,0.84,6,300,5,1,1,0,support,low +0.46,0.49,2,138,3,0,1,0,support,low +0.11,0.92,6,260,4,0,1,0,support,low +0.38,0.49,2,132,3,0,1,0,support,low +0.7,0.89,3,183,5,0,1,0,support,low +0.09,0.82,6,250,4,0,1,0,support,low +0.37,0.45,2,151,3,0,1,0,support,low +0.1,0.83,6,292,4,0,1,0,support,low +0.38,0.57,2,140,3,0,1,0,support,low +0.9,1,5,221,5,0,1,0,support,low +0.44,0.51,2,138,3,0,1,0,support,low +0.36,0.5,2,132,3,0,1,0,technical,low +0.31,0.84,7,133,5,0,1,0,technical,low +0.1,0.84,6,283,4,1,1,0,technical,low +0.42,0.48,2,129,3,0,1,0,management,low +0.74,1,4,249,5,0,1,0,IT,low +0.73,0.87,5,257,5,0,1,0,IT,low +0.09,0.96,6,245,4,0,1,0,IT,low +0.45,0.53,2,155,3,0,1,0,IT,low +0.11,0.8,6,256,4,0,1,0,IT,low +0.37,0.47,2,152,3,0,1,0,product_mng,low +0.84,0.99,4,267,5,0,1,0,product_mng,low +0.41,0.46,2,151,3,0,1,0,product_mng,low +0.76,0.92,4,239,5,0,1,0,product_mng,low +0.11,0.87,6,306,4,0,1,0,IT,low +0.84,0.88,4,263,5,1,1,0,marketing,low +0.39,0.5,2,147,3,0,1,0,marketing,low +0.11,0.91,6,278,4,0,1,0,marketing,low +0.45,0.56,2,154,3,0,1,0,marketing,low +0.37,0.52,2,143,3,0,1,0,marketing,low +0.4,0.52,2,155,3,0,1,0,marketing,low +0.39,0.48,2,160,3,0,1,0,sales,low +0.11,0.8,6,304,4,0,1,0,accounting,low +0.83,1,5,240,5,0,1,0,support,low +0.11,0.92,6,305,4,0,1,0,technical,low +0.39,0.5,2,136,3,0,1,0,management,low +0.45,0.45,2,132,3,0,1,0,marketing,low +0.1,0.95,7,301,4,0,1,0,marketing,low +0.9,0.98,5,243,6,0,1,0,marketing,low +0.45,0.51,2,147,3,0,1,0,sales,low +0.79,0.89,5,239,5,0,1,0,sales,low +0.9,0.99,5,260,5,0,1,0,sales,low +0.11,0.84,7,296,4,0,1,0,sales,low +0.43,0.55,2,129,3,0,1,0,sales,low +0.31,0.54,5,132,5,0,1,0,sales,low +0.32,0.5,2,135,5,0,1,0,sales,low +0.45,0.57,2,158,3,0,1,0,sales,low +0.81,0.99,4,259,5,0,1,0,sales,low +0.41,0.46,2,160,3,0,1,1,sales,low +0.11,0.78,7,278,4,0,1,0,sales,low +0.1,0.88,6,284,4,0,1,0,sales,low +0.7,0.53,2,274,4,0,1,0,sales,low +0.54,0.74,4,164,2,0,1,0,sales,low +0.41,0.48,2,148,3,0,1,0,sales,low +0.38,0.5,2,140,3,0,1,0,sales,medium +0.37,0.51,2,127,3,0,1,0,sales,medium +0.11,0.85,6,308,5,0,1,0,sales,medium +0.4,0.47,2,146,3,0,1,0,sales,medium +0.1,0.84,6,261,4,0,1,0,accounting,medium +0.89,0.99,5,257,5,0,1,0,accounting,medium +0.11,0.8,6,285,4,0,1,0,accounting,medium +0.36,0.55,2,141,3,0,1,0,hr,medium +0.4,0.46,2,127,3,0,1,0,hr,medium +0.09,0.85,6,297,4,0,1,0,hr,medium +0.4,0.46,2,143,3,0,1,0,hr,medium +0.37,0.55,2,152,3,0,1,0,technical,medium +0.44,0.51,2,156,3,0,1,0,technical,high +0.09,0.8,7,283,5,0,1,0,technical,low +0.92,0.87,4,226,6,1,1,0,technical,medium +0.74,0.91,4,232,5,0,1,0,technical,medium +0.09,0.82,6,249,4,0,1,0,technical,medium +0.89,0.95,4,275,5,0,1,0,technical,medium +0.09,0.8,6,304,4,0,1,0,technical,low +0.27,0.54,7,278,3,0,1,0,technical,low +0.1,0.91,6,287,4,0,1,0,technical,low +0.1,0.89,7,285,4,0,1,0,technical,low +0.77,0.94,5,226,6,0,1,0,support,low +0.9,0.82,5,259,5,0,1,0,support,low +0.39,0.5,2,135,3,0,1,0,support,low +0.76,1,5,219,5,0,1,0,support,low +0.1,0.93,6,256,4,0,1,0,support,low +0.87,0.9,5,254,6,0,1,0,support,low +0.38,0.5,2,153,3,0,1,0,support,low +0.77,0.99,5,228,5,0,1,0,support,low +0.78,0.87,4,228,5,0,1,0,support,low +0.44,0.5,2,128,3,0,1,0,support,low +0.38,0.52,2,153,3,0,1,0,support,low +0.43,0.46,2,156,3,0,1,0,technical,low +0.39,0.5,4,294,3,0,1,0,technical,low +0.88,1,5,219,5,0,1,0,technical,low +0.45,0.46,2,153,3,0,1,0,management,low +0.4,0.53,2,151,3,0,1,0,IT,low +0.36,0.51,2,155,3,0,1,0,IT,low +0.36,0.48,2,158,3,0,1,0,IT,low +0.9,0.98,5,245,5,0,1,0,IT,low +0.43,0.53,2,131,3,0,1,0,IT,low +0.89,0.87,5,225,5,0,1,0,product_mng,low +0.1,0.84,6,286,4,0,1,0,product_mng,low +0.37,0.5,2,135,3,0,1,0,product_mng,low +0.37,0.51,2,153,3,0,1,0,product_mng,low +0.87,0.9,5,252,5,0,1,0,IT,low +0.4,0.56,2,149,3,0,1,0,accounting,low +0.9,0.97,4,258,5,0,1,0,accounting,low +0.37,0.46,2,158,3,0,1,0,hr,low +0.44,0.54,2,149,3,0,1,0,hr,low +0.85,0.95,5,236,5,0,1,0,hr,low +0.78,0.98,5,239,6,0,1,0,marketing,low +0.42,0.47,2,159,3,0,1,0,marketing,low +0.92,0.99,5,255,6,0,1,0,sales,low +0.11,0.83,6,244,4,0,1,0,accounting,low +0.42,0.56,2,134,3,0,1,0,support,low +0.48,0.57,4,270,4,0,1,0,technical,low +0.83,0.85,4,255,5,0,1,0,management,low +0.4,0.53,2,151,3,0,1,0,marketing,low +0.43,0.45,2,135,3,0,1,0,marketing,low +0.43,0.53,2,146,3,0,1,0,marketing,low +0.1,0.97,7,254,4,0,1,0,sales,low +0.1,0.87,7,289,4,0,1,0,sales,low +0.37,0.46,2,156,3,0,1,0,sales,low +0.38,0.53,2,156,3,0,1,0,sales,low +0.4,0.5,2,128,3,0,1,0,sales,low +0.89,0.86,5,275,5,0,1,0,sales,low +0.45,0.46,2,155,3,0,1,0,sales,low +0.37,0.48,2,159,3,0,1,0,sales,low +0.46,0.49,2,148,3,0,1,0,sales,low +0.87,0.91,4,228,5,0,1,0,sales,low +0.11,0.84,6,298,4,0,1,0,sales,low +0.79,0.87,5,261,5,0,1,0,sales,low +0.79,0.92,5,254,6,0,1,0,sales,low +0.19,0.59,7,192,3,0,1,0,sales,low +0.87,0.98,4,248,5,0,1,0,sales,low +0.6,0.92,2,258,5,0,1,0,sales,low +0.44,0.45,2,156,3,0,1,0,sales,medium +0.11,0.81,6,266,4,1,1,0,sales,medium +0.42,0.54,2,156,3,0,1,0,sales,medium +0.88,0.88,5,232,5,1,1,0,accounting,medium +0.11,0.84,6,287,4,0,1,0,accounting,medium +0.46,0.46,2,154,3,0,1,0,accounting,medium +0.82,0.97,5,263,5,0,1,0,hr,medium +0.44,0.56,2,131,3,0,1,0,hr,medium +0.11,0.78,6,260,4,0,1,0,hr,medium +0.42,0.5,2,139,3,0,1,0,hr,medium +0.84,0.93,4,251,5,0,1,0,technical,medium +0.11,0.95,6,286,4,0,1,0,technical,medium +0.45,0.53,2,129,3,0,1,0,technical,high +0.38,0.56,2,156,3,0,1,0,technical,low +0.38,0.86,6,139,6,0,1,0,technical,medium +0.44,0.51,2,127,3,0,1,0,technical,medium +0.11,0.84,6,251,4,0,1,0,technical,medium +0.81,0.93,5,270,5,0,1,0,technical,medium +0.09,0.96,6,296,4,0,1,0,technical,low +0.11,0.9,6,254,4,0,1,0,technical,low +0.81,0.95,5,238,6,0,1,0,technical,low +0.1,0.97,6,267,4,1,1,0,support,low +0.74,0.89,5,229,6,0,1,0,support,low +0.09,0.78,6,254,4,0,1,0,support,low +0.82,0.81,4,233,4,1,1,0,support,low +0.1,0.98,6,268,4,0,1,0,support,low +0.27,0.56,3,301,3,0,1,0,support,low +0.83,0.92,5,267,6,0,1,0,support,low +0.1,0.93,6,289,4,1,1,0,support,low +0.38,0.47,2,144,3,0,1,0,support,low +0.4,0.56,2,148,3,0,1,0,support,low +0.11,0.83,6,306,4,0,1,0,support,low +0.11,0.79,6,292,4,0,1,1,technical,low +0.82,0.91,5,232,5,0,1,0,technical,low +0.36,0.48,2,137,3,0,1,0,technical,low +0.4,0.46,2,128,3,0,1,0,management,low +0.87,0.84,5,231,5,0,1,0,IT,low +0.41,0.49,2,146,3,0,1,0,IT,low +0.11,0.91,6,308,4,1,1,0,IT,low +0.1,0.93,6,253,4,0,1,0,IT,medium +0.38,0.51,2,146,3,0,1,0,IT,medium +0.39,0.55,2,156,3,0,1,0,product_mng,medium +0.4,0.52,2,147,3,0,1,0,product_mng,medium +0.45,0.48,2,136,3,0,1,0,product_mng,medium +0.74,0.84,5,249,5,0,1,0,product_mng,medium +0.45,0.55,2,151,3,0,1,0,IT,medium +0.12,1,3,278,4,0,1,0,RandD,medium +0.1,0.77,7,250,5,0,1,0,RandD,medium +0.37,0.55,2,127,3,0,1,0,RandD,medium +0.89,0.87,5,255,5,0,1,0,RandD,medium +0.45,0.47,2,135,3,0,1,0,RandD,medium +0.37,0.46,2,149,3,0,1,0,marketing,high +0.11,0.81,5,287,4,0,1,0,sales,low +0.41,0.48,2,145,3,0,1,0,accounting,medium +0.1,0.94,6,285,4,0,1,0,support,medium +0.1,0.93,7,305,4,0,1,0,technical,medium +0.11,0.95,7,300,4,0,1,0,management,medium +0.4,0.54,2,139,3,0,1,0,marketing,low +0.41,0.49,2,130,3,0,1,0,marketing,low +0.1,0.81,6,268,4,0,1,0,marketing,low +0.73,0.86,4,245,6,0,1,0,sales,low +0.43,0.47,2,135,3,0,1,0,sales,low +0.37,0.46,2,153,3,0,1,0,sales,low +0.11,0.94,6,276,4,0,1,0,sales,low +0.4,0.46,2,130,3,0,1,0,sales,low +0.41,0.54,2,153,3,1,1,0,sales,low +0.82,0.84,5,244,5,0,1,0,sales,low +0.61,0.47,2,253,3,0,1,0,sales,low +0.11,0.91,7,287,4,0,1,0,sales,low +0.37,0.45,2,131,3,0,1,0,sales,low +0.41,0.52,2,135,3,0,1,0,sales,low +0.37,0.52,2,157,3,0,1,0,sales,low +0.88,0.99,5,262,6,0,1,0,sales,low +0.1,0.85,6,266,4,0,1,0,sales,low +0.44,0.48,2,148,3,0,1,0,sales,low +0.38,0.57,2,140,3,0,1,0,sales,low +0.11,0.85,7,302,4,0,1,0,sales,low +0.09,0.98,6,271,4,0,1,0,sales,low +0.45,0.52,2,145,3,0,1,0,sales,medium +0.1,0.81,6,290,4,0,1,0,accounting,medium +0.45,0.47,2,151,3,0,1,0,accounting,medium +0.77,0.87,5,266,5,0,1,0,accounting,medium +0.44,0.51,2,140,3,0,1,0,hr,medium +0.39,0.5,2,142,3,0,1,0,hr,medium +0.1,0.91,6,246,4,0,1,0,hr,medium +0.09,0.89,7,308,5,0,1,0,hr,medium +0.37,0.47,2,141,3,0,1,0,technical,medium +0.9,1,5,232,5,0,1,0,technical,medium +0.41,0.56,2,143,3,0,1,0,technical,medium +0.37,0.52,2,155,3,0,1,0,technical,medium +0.1,0.86,6,278,4,0,1,0,technical,high +0.81,1,4,253,5,0,1,0,technical,low +0.11,0.8,6,282,4,0,1,0,technical,medium +0.11,0.84,7,264,4,0,1,0,technical,medium +0.4,0.46,2,149,3,0,1,0,technical,medium +0.09,0.8,6,304,5,0,1,0,technical,medium +0.48,0.93,3,219,6,0,1,0,technical,low +0.91,0.91,4,262,6,0,1,0,support,low +0.43,0.57,2,135,3,0,1,0,support,low +0.33,0.88,6,219,5,0,1,0,support,low +0.41,0.57,2,136,3,0,1,0,support,low +0.41,0.55,2,154,3,0,1,0,support,low +0.37,0.54,2,149,3,0,1,0,support,low +0.31,0.62,6,135,5,0,1,0,support,low +0.09,0.91,6,275,4,0,1,0,support,low +0.1,0.87,6,290,4,0,1,0,support,low +0.76,0.9,4,263,5,0,1,0,support,low +0.41,0.54,2,145,3,0,1,0,support,low +0.72,0.96,5,267,5,0,1,0,technical,low +0.4,0.5,2,141,3,1,1,0,technical,low +0.91,0.87,4,235,5,0,1,0,technical,low +0.1,0.83,6,258,4,0,1,0,management,low +0.4,0.56,2,131,3,0,1,0,IT,low +0.82,0.86,5,243,5,0,1,0,IT,low +0.1,0.82,6,266,4,0,1,0,IT,low +0.37,0.45,2,142,3,0,1,0,IT,low +0.36,0.51,2,135,3,0,1,0,IT,low +0.39,0.48,2,141,3,0,1,0,product_mng,medium +0.36,0.57,2,142,3,0,1,0,product_mng,medium +0.86,0.84,5,254,5,0,1,0,product_mng,medium +0.73,0.99,5,262,5,0,1,0,product_mng,medium +0.56,0.71,4,296,2,0,1,0,IT,medium +0.44,0.56,2,158,3,0,1,0,accounting,medium +0.31,0.56,4,238,2,0,1,0,accounting,medium +0.77,0.93,4,231,5,0,1,0,hr,medium +0.44,0.45,2,156,3,0,1,0,hr,medium +0.38,0.46,2,145,3,0,1,0,hr,medium +0.45,0.48,2,144,3,0,1,0,marketing,medium +0.38,0.51,2,159,3,0,1,0,sales,medium +0.36,0.48,2,156,3,0,1,0,accounting,high +0.75,0.9,5,256,5,0,1,0,support,low +0.1,0.93,6,298,4,0,1,0,technical,medium +0.1,0.97,6,247,4,0,1,0,management,medium +0.45,0.5,2,157,3,0,1,0,marketing,medium +0.42,0.57,2,154,3,1,1,0,marketing,medium +0.78,1,4,253,5,0,1,0,marketing,low +0.45,0.55,2,148,3,0,1,0,sales,low +0.84,1,4,261,5,0,1,0,sales,low +0.11,0.93,6,282,4,0,1,0,sales,low +0.42,0.56,2,133,3,0,1,0,sales,low +0.45,0.46,2,128,3,0,1,0,sales,low +0.46,0.57,2,139,3,0,1,0,sales,low +0.09,0.79,6,293,5,0,1,0,sales,low +0.87,0.83,4,265,6,0,1,0,sales,low +0.1,0.87,6,250,4,0,1,0,sales,low +0.91,1,5,251,6,0,1,0,sales,low +0.76,0.92,4,246,5,0,1,0,sales,low +0.74,1,5,275,5,0,1,0,sales,low +0.92,0.93,5,240,5,0,1,0,sales,low +0.76,0.87,5,245,5,0,1,0,sales,low +0.47,0.5,4,254,4,0,1,0,sales,low +0.73,0.99,5,241,5,0,1,0,sales,low +0.09,0.94,6,257,4,0,1,0,sales,low +0.91,0.92,4,246,5,0,1,0,sales,low +0.82,0.98,4,233,5,0,1,0,sales,low +0.28,0.45,6,218,4,0,1,0,accounting,low +0.84,0.99,4,262,6,0,1,0,accounting,medium +0.45,0.53,2,138,3,0,1,0,accounting,medium +0.45,0.54,2,142,3,0,1,0,hr,medium +0.91,0.97,5,233,5,0,1,0,hr,medium +0.42,0.48,2,155,3,0,1,0,hr,medium +0.82,1,4,229,6,0,1,0,hr,medium +0.11,0.9,6,264,4,0,1,0,technical,medium +0.42,0.53,3,199,4,0,1,0,technical,medium +0.82,0.85,4,223,5,0,1,0,technical,medium +0.09,0.96,6,268,4,0,1,0,technical,medium +0.1,0.94,6,287,4,0,1,0,technical,medium +0.86,1,5,257,5,0,1,0,technical,medium +0.4,0.46,2,143,3,0,1,0,technical,high +0.45,0.46,2,130,3,0,1,0,technical,low +0.42,0.51,2,136,3,0,1,0,technical,medium +0.74,0.92,4,261,5,0,1,0,technical,medium +0.55,0.6,3,180,4,0,1,0,technical,medium +0.37,0.45,2,126,3,0,1,0,support,medium +0.41,0.52,2,127,3,1,1,0,support,low +0.89,0.65,5,195,6,0,1,0,support,low +0.41,0.57,2,160,3,0,1,0,support,low +0.44,0.51,2,150,3,0,1,0,support,low +0.87,0.84,4,264,6,0,1,0,support,low +0.1,0.84,6,309,4,0,1,0,support,low +0.41,0.47,2,135,3,0,1,0,support,low +0.11,0.85,6,261,4,0,1,0,support,low +0.43,0.53,2,160,3,0,1,0,support,low +0.77,0.9,4,237,5,0,1,0,support,low +0.41,0.52,2,136,3,0,1,0,technical,low +0.41,0.48,2,139,3,0,1,0,technical,low +0.36,0.78,2,151,4,0,1,0,technical,low +0.77,1,5,229,5,0,1,0,management,low +0.81,0.98,5,245,5,0,1,0,IT,low +0.39,0.54,2,127,3,0,1,0,IT,low +0.09,0.94,6,283,5,0,1,0,IT,low +0.44,0.46,2,143,3,0,1,0,IT,low +0.1,0.84,5,298,4,0,1,0,IT,low +0.36,0.48,2,159,3,0,1,0,product_mng,low +0.81,0.92,5,239,5,0,1,0,product_mng,low +0.81,0.9,4,226,5,0,1,0,product_mng,medium +0.85,0.98,5,248,5,0,1,0,product_mng,medium +0.1,0.87,6,286,4,0,1,0,IT,medium +0.37,0.54,2,145,3,0,1,0,RandD,medium +0.09,0.97,7,254,4,1,1,0,RandD,medium +0.44,0.53,2,127,3,0,1,0,RandD,medium +0.86,0.93,5,223,5,0,1,0,RandD,medium +0.77,1,4,255,5,0,1,0,RandD,medium +0.41,0.48,2,136,3,0,1,0,marketing,medium +0.4,0.48,2,137,3,0,1,0,sales,medium +0.43,0.49,2,135,3,0,1,0,accounting,medium +0.43,0.5,2,137,3,0,1,0,support,medium +0.8,0.53,3,255,5,0,1,0,technical,high +0.8,0.85,4,273,5,0,1,0,management,low +0.82,0.98,5,234,5,0,1,0,marketing,medium +0.37,0.54,2,152,3,0,1,0,marketing,medium +0.37,0.48,2,134,3,0,1,0,marketing,medium +0.09,0.95,6,292,4,0,1,0,sales,medium +0.9,0.92,5,245,5,0,1,0,sales,low +0.41,0.52,2,159,3,0,1,0,sales,low +0.1,0.85,6,260,4,0,1,0,sales,low +0.44,0.53,2,149,3,0,1,0,sales,low +0.89,0.85,5,266,5,0,1,0,sales,low +0.42,0.56,2,149,3,0,1,0,sales,low +0.87,1,5,242,5,0,1,0,sales,low +0.45,0.57,2,134,3,0,1,0,sales,low +0.11,0.87,5,271,4,0,1,0,sales,low +0.09,0.79,6,275,4,0,1,0,sales,low +0.76,0.83,5,227,5,0,1,0,sales,low +0.11,0.96,7,277,5,0,1,0,sales,low +0.37,0.49,2,151,3,0,1,0,sales,low +0.1,0.79,6,274,4,0,1,0,sales,low +0.77,0.87,4,242,6,0,1,0,sales,low +0.42,0.54,2,143,3,1,1,0,sales,low +0.38,0.52,2,145,3,0,1,0,sales,low +0.32,0.95,5,172,2,0,1,0,sales,low +0.38,0.49,2,135,3,0,1,0,accounting,low +0.19,1,4,192,4,0,1,0,accounting,low +0.1,0.83,7,276,4,0,1,0,accounting,low +0.76,0.88,4,206,4,0,1,0,hr,medium +0.53,0.56,4,281,6,0,1,0,hr,medium +0.39,0.51,2,151,3,0,1,0,hr,medium +0.11,0.83,6,244,4,0,1,0,hr,medium +0.1,0.94,6,309,4,0,1,0,technical,medium +0.84,1,5,218,5,0,1,0,technical,medium +0.82,0.99,4,263,6,0,1,0,technical,medium +0.1,0.82,6,244,4,0,1,0,technical,medium +0.59,0.49,7,263,4,0,1,0,technical,medium +0.44,0.48,2,143,3,0,1,0,technical,medium +0.89,0.95,2,181,5,0,1,0,technical,medium +0.91,0.84,5,265,5,0,1,0,technical,medium +0.66,0.57,5,161,5,0,1,0,technical,high +0.11,0.87,7,282,5,0,1,0,technical,low +0.43,0.51,2,155,3,0,1,0,technical,medium +0.78,0.83,4,217,6,0,1,0,support,medium +0.11,0.97,6,289,5,0,1,0,support,medium +0.83,0.98,4,259,5,0,1,0,support,medium +0.39,0.54,2,158,3,0,1,0,support,low +0.38,0.55,2,158,3,0,1,0,support,low +0.37,0.57,2,155,3,0,1,0,support,low +0.44,0.48,2,146,3,0,1,0,support,low +0.53,0.85,2,164,5,0,1,0,support,low +0.09,0.96,6,259,4,0,1,0,support,low +0.11,0.89,6,293,4,0,1,0,support,low +0.83,0.96,5,275,5,0,1,0,support,low +0.88,1,5,219,6,1,1,0,technical,low +0.1,0.89,6,247,4,0,1,0,technical,low +0.09,0.86,7,309,4,0,1,0,technical,low +0.44,0.54,2,151,3,0,1,0,management,low +0.39,0.51,2,129,3,0,1,0,IT,low +0.87,0.94,4,274,5,0,1,0,IT,low +0.74,0.99,4,233,5,0,1,0,IT,low +0.1,0.95,7,289,4,0,1,0,IT,low +0.74,0.82,4,239,6,0,1,0,IT,low +0.75,0.99,5,221,5,0,1,0,product_mng,low +0.41,0.56,2,150,3,0,1,0,product_mng,low +0.41,0.45,2,144,3,1,1,0,product_mng,low +0.09,0.9,7,289,4,0,1,0,product_mng,low +0.09,0.8,6,301,5,0,1,0,IT,medium +0.39,0.57,2,145,3,0,1,0,accounting,medium +0.4,0.56,2,137,3,0,1,0,accounting,medium +0.37,0.54,2,131,3,1,1,0,hr,medium +0.1,0.84,6,246,4,0,1,0,hr,medium +0.43,0.51,2,136,3,0,1,0,hr,medium +0.75,0.85,5,240,6,1,1,0,marketing,medium +0.37,0.56,2,156,3,0,1,0,sales,medium +0.11,0.85,6,305,4,0,1,0,accounting,medium +0.45,0.45,2,154,3,1,1,0,support,medium +0.87,1,5,261,5,1,1,0,technical,medium +0.11,0.94,7,244,4,0,1,0,management,medium +0.45,0.54,2,129,3,0,1,0,marketing,high +0.81,0.87,4,254,5,0,1,0,marketing,low +0.77,0.91,5,236,5,0,1,0,marketing,medium +0.89,0.92,5,237,5,0,1,0,sales,medium +0.43,0.49,2,135,3,0,1,0,sales,medium +0.78,1,5,236,5,0,1,0,sales,medium +0.37,0.47,2,149,3,0,1,0,sales,low +0.37,0.5,2,141,3,0,1,0,sales,low +0.85,0.82,4,270,5,0,1,0,sales,low +0.41,0.47,2,138,3,0,1,0,sales,low +0.11,0.96,6,298,4,0,1,0,sales,low +0.75,0.99,5,254,5,0,1,0,sales,low +0.82,0.85,5,248,5,0,1,0,sales,low +0.79,1,5,257,6,0,1,0,sales,low +0.43,0.53,2,150,3,0,1,0,sales,low +0.1,0.9,7,281,4,0,1,0,sales,low +0.46,0.48,2,141,3,1,1,0,sales,low +0.43,0.57,2,157,3,0,1,0,sales,low +0.43,0.55,2,136,3,0,1,0,sales,low +0.11,0.8,7,296,4,0,1,0,sales,low +0.09,0.86,6,279,4,0,1,0,sales,low +0.37,0.53,2,131,3,0,1,0,sales,low +0.4,0.57,2,160,3,0,1,0,accounting,low +0.1,0.77,7,291,4,0,1,0,accounting,low +0.41,0.53,2,157,3,0,1,0,accounting,low +0.79,0.58,3,294,4,0,1,0,hr,low +0.11,0.79,7,310,4,0,1,0,hr,low +0.1,0.97,6,282,4,0,1,0,hr,medium +0.44,0.51,2,134,3,0,1,0,hr,medium +0.25,0.46,4,214,4,0,1,0,technical,medium +0.44,0.52,2,137,3,0,1,0,technical,medium +0.73,1,4,252,5,0,1,0,technical,medium +0.75,0.97,5,243,6,0,1,0,technical,medium +0.36,0.47,2,148,3,0,1,0,technical,medium +0.37,0.49,2,151,3,0,1,0,technical,medium +0.39,0.49,2,129,3,0,1,0,technical,medium +0.48,0.78,2,198,2,0,1,0,technical,medium +0.57,0.72,4,275,6,0,1,0,technical,medium +0.9,0.96,5,243,5,0,1,0,technical,medium +0.39,0.55,2,159,3,0,1,0,technical,high +0.44,0.51,2,145,3,0,1,0,support,low +0.81,0.88,5,242,5,0,1,0,support,medium +0.74,0.87,5,242,5,0,1,0,support,medium +0.44,0.56,2,145,3,0,1,0,support,medium +0.41,0.56,2,154,3,0,1,1,support,medium +0.4,0.51,2,139,3,0,1,0,support,low +0.46,0.57,2,152,3,0,1,0,support,low +0.8,0.83,2,211,3,0,1,0,support,low +0.87,0.9,5,258,5,0,1,0,support,low +0.39,0.54,2,155,3,0,1,0,support,low +0.38,0.55,2,148,3,0,1,0,support,low +0.66,0.67,2,255,3,0,1,0,technical,low +0.1,0.8,6,264,4,0,1,0,technical,low +0.37,0.54,2,132,3,0,1,0,technical,low +0.1,0.77,6,255,4,0,1,0,management,low +0.09,0.87,5,263,4,0,1,0,IT,low +0.86,0.84,5,222,5,0,1,0,IT,low +0.11,0.9,6,263,4,0,1,0,IT,low +0.37,0.46,2,157,3,0,1,0,IT,low +0.11,0.92,7,307,4,0,1,0,IT,low +0.77,0.98,5,259,6,0,1,0,product_mng,low +0.84,0.94,5,222,6,0,1,0,product_mng,low +0.1,0.84,7,250,4,0,1,0,product_mng,low +0.83,0.9,5,245,5,0,1,0,product_mng,low +0.11,0.79,6,292,4,0,1,0,IT,low +0.86,0.92,5,252,5,0,1,0,RandD,low +0.38,0.56,2,161,3,0,1,0,RandD,medium +0.11,0.88,5,250,4,0,1,0,RandD,medium +0.45,0.49,2,134,3,0,1,0,RandD,medium +0.1,0.85,7,279,4,0,1,0,RandD,medium +0.09,0.95,7,256,4,0,1,0,marketing,medium +0.39,0.53,2,127,3,0,1,0,sales,medium +0.37,0.47,2,138,3,1,1,0,accounting,medium +0.81,0.97,5,243,5,0,1,0,support,medium +0.09,0.9,7,296,4,0,1,0,technical,medium +0.1,0.88,7,267,4,0,1,0,management,medium +0.39,0.49,2,144,3,0,1,0,marketing,medium +0.83,0.95,4,251,5,0,1,0,marketing,medium +0.45,0.57,2,148,3,0,1,0,marketing,high +0.43,0.51,2,141,3,0,1,0,sales,low +0.8,0.75,3,268,2,0,1,0,sales,medium +0.1,0.86,6,247,4,0,1,0,sales,medium +0.1,0.55,2,247,4,0,1,0,sales,medium +0.36,0.52,2,146,3,0,1,0,sales,medium +0.38,0.5,2,140,3,0,1,0,sales,low +0.78,0.98,5,263,6,0,1,0,sales,low +0.44,0.49,2,145,3,0,1,0,sales,low +0.41,0.46,2,156,3,1,1,0,sales,low +0.72,0.85,5,244,6,0,1,0,sales,low +0.46,0.54,2,144,3,0,1,0,sales,low +0.1,0.9,7,286,4,0,1,0,sales,low +0.34,0.67,4,141,2,0,1,0,sales,low +0.11,0.89,6,260,5,0,1,0,sales,low +0.38,0.56,2,154,3,0,1,0,sales,low +0.82,0.92,5,225,5,0,1,0,sales,low +0.39,0.57,2,127,3,0,1,0,sales,low +0.44,0.53,2,140,3,0,1,0,sales,low +0.43,0.52,2,147,3,0,1,0,sales,low +0.84,0.83,4,227,5,0,1,0,accounting,low +0.43,0.48,2,153,3,0,1,0,accounting,low +0.37,0.52,2,128,3,0,1,0,accounting,low +0.74,0.97,4,228,5,0,1,0,hr,low +0.73,0.97,5,235,5,0,1,0,hr,low +0.37,0.47,2,148,3,0,1,0,hr,low +0.58,0.62,4,238,3,0,1,0,hr,low +0.4,0.54,2,141,3,0,1,0,technical,medium +0.51,0.83,5,249,4,0,1,0,technical,medium +0.46,0.5,2,151,3,0,1,0,technical,medium +0.45,0.54,2,129,3,0,1,0,technical,medium +0.46,0.5,2,156,3,0,1,0,technical,medium +0.39,0.45,2,134,3,0,1,0,technical,medium +0.09,0.88,6,269,4,0,1,0,technical,medium +0.09,0.77,6,290,4,0,1,0,technical,medium +0.37,0.51,2,132,3,0,1,0,technical,medium +0.1,0.89,7,308,4,0,1,0,technical,medium +0.77,1,4,232,5,0,1,0,technical,medium +0.79,0.86,5,235,5,0,1,0,support,medium +0.43,0.55,2,130,3,0,1,0,support,high +0.38,0.53,2,146,3,0,1,0,support,low +0.77,0.91,5,221,6,0,1,0,support,medium +0.44,0.5,2,130,3,0,1,0,support,medium +0.39,0.46,2,136,3,0,1,0,support,medium +0.78,0.89,5,274,6,0,1,0,support,medium +0.1,0.79,6,256,5,0,1,0,support,low +0.1,0.77,5,276,4,0,1,0,support,low +0.75,0.85,5,267,5,0,1,0,support,low +0.46,0.62,6,213,3,0,1,0,support,low +0.91,0.97,4,274,6,0,1,0,technical,low +0.1,0.92,6,258,4,0,1,0,technical,low +0.72,0.6,3,153,5,0,1,0,technical,low +0.11,0.95,6,245,4,0,1,0,management,low +0.11,0.94,6,264,4,0,1,0,IT,low +0.46,0.57,2,154,3,0,1,0,IT,low +0.37,0.46,2,149,3,0,1,0,IT,low +0.46,0.5,2,157,3,0,1,0,IT,low +0.43,0.57,2,127,3,0,1,0,IT,low +0.11,0.82,6,270,4,0,1,0,product_mng,low +0.73,0.89,5,236,6,0,1,0,product_mng,low +0.43,0.47,2,158,3,0,1,0,product_mng,low +0.86,1,5,229,5,0,1,0,product_mng,low +0.1,0.83,6,269,4,0,1,0,IT,low +0.4,0.49,2,128,3,0,1,0,sales,low +0.11,0.87,7,278,4,0,1,0,sales,low +0.86,0.98,3,158,5,0,1,0,sales,low +0.42,1,3,202,3,0,1,0,sales,medium +0.79,0.84,4,240,5,0,1,0,sales,medium +0.1,0.96,7,255,4,0,1,0,marketing,medium +0.09,0.92,7,254,4,0,1,0,sales,medium +0.09,0.82,6,257,4,0,1,0,accounting,medium +0.87,1,4,228,5,0,1,0,support,medium +0.36,0.49,2,145,3,0,1,0,technical,medium +0.42,0.75,3,218,4,0,1,0,management,medium +0.84,0.86,5,268,5,0,1,0,marketing,medium +0.1,0.83,6,278,4,0,1,0,marketing,medium +0.78,0.71,3,249,5,0,1,0,marketing,medium +0.35,0.99,3,236,4,0,1,0,sales,medium +0.1,0.81,7,291,4,0,1,0,sales,high +0.11,0.8,6,306,4,0,1,0,sales,low +0.43,0.48,2,135,3,0,1,0,sales,medium +0.38,0.45,2,156,3,0,1,0,sales,medium +0.46,0.54,2,143,3,0,1,0,sales,medium +0.89,0.82,4,243,5,0,1,0,sales,medium +0.45,0.5,2,147,3,0,1,0,sales,low +0.44,0.53,2,159,3,0,1,0,sales,low +0.74,0.54,5,216,3,0,1,0,sales,low +0.45,0.54,2,152,3,0,1,0,sales,low +0.79,0.93,4,226,5,0,1,0,sales,low +0.79,0.91,5,271,5,0,1,0,sales,low +0.11,0.87,6,255,4,0,1,0,sales,low +0.42,0.48,2,140,3,0,1,0,sales,low +0.64,0.9,6,252,2,0,1,0,sales,low +0.4,0.55,2,159,3,0,1,0,sales,low +0.84,0.98,5,270,5,0,1,0,sales,low +0.73,0.92,5,232,5,0,1,0,sales,low +0.4,0.51,2,144,3,0,1,0,accounting,low +0.36,0.45,2,127,3,0,1,0,accounting,low +0.43,0.47,2,131,3,0,1,0,accounting,low +0.11,0.78,6,243,4,0,1,0,hr,low +0.91,1,5,244,6,0,1,0,hr,low +0.8,1,5,260,5,0,1,0,hr,low +0.42,0.49,2,139,3,0,1,0,hr,low +0.31,0.87,4,184,3,0,1,0,technical,low +0.44,0.47,2,130,3,0,1,0,technical,low +0.38,0.54,2,135,3,0,1,0,technical,medium +0.45,0.56,2,146,3,0,1,0,technical,medium +0.43,0.46,2,149,3,0,1,0,technical,medium +0.45,0.46,2,153,3,1,1,0,technical,medium +0.43,0.57,2,160,3,0,1,0,technical,medium +0.43,0.49,2,160,3,0,1,0,technical,medium +0.09,0.83,6,282,4,0,1,0,technical,medium +0.43,0.47,2,128,3,0,1,0,technical,medium +0.79,0.94,4,232,5,0,1,0,technical,medium +0.85,0.58,3,226,2,0,1,0,support,medium +0.38,0.45,2,129,3,0,1,0,support,medium +0.11,0.92,7,255,4,0,1,0,support,medium +0.83,0.99,5,258,5,0,1,0,support,high +0.81,0.91,4,229,5,0,1,0,support,low +0.42,0.56,2,143,3,0,1,0,support,medium +0.11,0.87,6,257,4,0,1,0,support,medium +0.11,0.85,7,275,4,0,1,0,support,medium +0.1,0.89,7,291,4,0,1,0,support,medium +0.5,0.54,5,153,4,0,1,0,support,low +0.44,0.49,2,154,3,0,1,0,support,low +0.11,0.9,6,301,4,0,1,0,technical,low +0.39,0.52,2,134,3,0,1,0,technical,low +0.11,0.78,6,245,4,0,1,0,technical,low +0.36,0.5,2,132,3,0,1,0,management,low +0.43,0.51,2,130,3,0,1,0,IT,low +0.4,0.5,2,127,3,0,1,0,IT,low +0.86,0.84,4,246,6,0,1,0,IT,low +0.38,0.49,2,145,3,0,1,0,IT,low +0.46,0.45,2,138,3,0,1,1,IT,low +0.37,0.57,2,129,3,0,1,0,product_mng,low +0.43,0.52,2,150,3,0,1,0,product_mng,low +0.66,0.93,5,253,5,0,1,0,product_mng,low +0.37,0.48,2,160,3,0,1,0,product_mng,low +0.77,0.92,5,235,5,0,1,0,IT,low +0.38,0.55,2,151,3,0,1,0,sales,low +0.39,0.54,2,127,3,0,1,0,sales,low +0.41,0.55,2,151,3,0,1,0,sales,low +0.1,0.9,7,290,4,0,1,0,sales,low +0.09,0.93,6,249,4,0,1,0,sales,low +0.41,0.47,2,131,3,0,1,0,marketing,medium +0.39,0.46,2,159,3,0,1,0,sales,medium +0.83,0.99,4,223,5,0,1,0,accounting,medium +0.09,0.87,3,214,2,0,1,0,support,medium +0.75,0.81,5,227,5,0,1,0,technical,medium +0.44,0.54,2,127,3,0,1,0,management,medium +0.1,0.84,6,293,5,0,1,0,marketing,medium +0.42,0.46,2,141,3,0,1,0,marketing,medium +0.1,0.83,6,300,4,0,1,0,marketing,medium +0.1,0.86,6,309,4,0,1,0,sales,medium +0.31,0.77,4,149,3,0,1,0,sales,medium +0.42,0.54,2,159,3,0,1,0,sales,medium +0.38,0.5,2,152,3,0,1,0,sales,high +0.39,0.57,2,158,3,0,1,0,sales,low +0.1,0.97,6,254,5,0,1,0,sales,medium +0.11,0.93,6,294,4,0,1,0,sales,medium +0.1,0.92,7,269,4,0,1,0,sales,medium +0.11,0.9,7,247,4,0,1,0,sales,medium +0.44,0.65,3,271,4,0,1,0,sales,low +0.91,0.96,4,232,5,0,1,0,sales,low +0.72,1,4,245,5,0,1,0,sales,low +0.66,0.66,3,225,3,0,0,0,technical,low +0.2,0.69,6,236,4,0,0,0,technical,low +0.97,0.78,3,268,3,1,0,0,technical,low +0.59,0.73,2,230,3,0,0,0,technical,low +0.88,0.6,4,162,2,0,0,0,technical,low +0.16,0.73,4,197,2,0,0,0,technical,low +0.61,0.96,3,247,3,0,0,0,support,low +0.52,0.79,4,234,3,0,0,0,support,low +0.82,0.49,4,276,4,0,0,0,support,low +0.75,0.94,5,217,2,0,0,0,support,medium +0.62,0.5,4,156,2,0,0,0,support,medium +0.91,0.88,3,189,2,0,0,0,support,medium +0.61,0.98,2,238,4,0,0,0,support,medium +0.79,0.77,3,201,6,1,0,0,support,medium +0.9,0.93,4,263,3,1,0,0,support,medium +0.75,0.83,3,146,3,0,0,0,support,medium +0.81,0.64,4,213,3,0,0,0,support,medium +0.59,0.88,3,159,2,0,0,0,technical,medium +0.56,0.83,3,236,3,1,0,0,technical,medium +0.98,0.79,5,257,4,0,0,0,technical,medium +0.59,0.72,4,168,4,0,0,0,management,medium +0.61,0.67,4,151,3,0,0,0,IT,high +0.78,0.7,4,139,3,0,0,0,IT,low +0.55,0.93,5,196,3,0,0,0,IT,medium +0.2,0.97,4,237,5,0,0,0,IT,medium +0.79,0.44,2,236,3,0,0,0,IT,medium +0.52,0.98,4,265,3,0,0,0,product_mng,medium +0.97,0.52,4,207,3,0,0,0,product_mng,low +0.63,0.94,4,219,3,0,0,0,product_mng,low +0.85,0.99,3,208,2,0,0,0,product_mng,low +0.59,0.74,3,240,3,0,0,0,IT,low +0.64,0.6,3,135,3,0,0,0,RandD,low +0.8,0.67,3,236,3,1,0,0,RandD,low +0.61,0.75,3,140,3,0,0,0,RandD,low +0.87,0.61,3,162,2,0,0,0,RandD,low +0.75,0.59,3,117,3,1,0,0,RandD,medium +0.96,0.51,4,225,3,0,0,0,marketing,medium +0.75,0.92,3,211,3,0,0,0,sales,medium +0.19,0.58,4,173,5,0,0,0,accounting,medium +0.52,0.97,4,170,3,0,0,0,support,medium +0.6,0.6,3,242,3,0,0,0,technical,medium +0.9,0.81,4,175,3,0,0,0,management,medium +0.89,0.92,3,195,2,0,0,0,marketing,medium +0.54,0.93,4,184,2,1,0,0,marketing,medium +0.99,0.55,3,170,3,0,0,0,marketing,medium +0.66,0.56,4,185,3,0,0,0,sales,medium +0.92,0.64,4,259,2,0,0,0,sales,medium +0.19,0.72,4,102,3,0,0,0,sales,medium +0.39,0.37,5,156,4,0,0,0,sales,medium +0.41,0.68,3,191,4,0,0,0,sales,medium +0.6,0.49,3,239,2,0,0,0,sales,medium +0.95,0.54,4,235,4,0,0,0,sales,medium +0.51,0.87,2,130,4,0,0,0,sales,medium +0.54,0.74,2,166,3,0,0,0,sales,medium +0.16,0.54,5,206,5,0,0,0,sales,medium +0.98,0.77,3,191,2,0,0,0,sales,medium +0.65,0.75,3,214,3,0,0,0,sales,medium +0.38,0.5,3,196,3,0,0,0,sales,medium +0.95,0.71,4,151,4,0,0,0,sales,medium +0.6,0.62,5,165,2,0,0,0,sales,medium +0.78,0.91,3,177,2,0,0,0,sales,high +0.19,0.63,6,241,6,0,0,0,sales,high +0.56,0.99,4,230,3,0,0,0,sales,high +0.21,0.71,4,270,2,0,0,0,sales,high +0.83,0.71,3,234,4,0,0,0,accounting,high +0.5,0.64,3,257,2,1,0,0,accounting,high +0.74,0.87,5,264,3,0,0,0,accounting,high +0.75,0.83,4,133,4,0,0,0,hr,high +0.85,0.66,4,155,4,0,0,0,hr,high +0.93,0.59,3,202,2,0,0,0,hr,high +0.76,0.7,3,136,2,0,0,0,hr,high +0.91,0.78,3,269,3,1,0,0,technical,high +0.22,0.54,6,169,4,0,0,0,technical,low +0.78,0.52,5,192,3,1,0,0,technical,low +0.53,0.8,4,241,3,1,0,0,technical,low +0.58,0.69,4,165,3,0,0,0,technical,low +0.99,0.81,3,183,2,0,0,0,technical,low +0.62,0.64,4,163,3,0,0,0,technical,low +0.59,0.69,3,162,3,0,0,0,technical,low +0.13,0.76,5,219,4,0,0,0,technical,low +0.19,0.63,4,278,6,0,0,0,technical,low +0.94,0.99,2,273,4,0,0,0,technical,low +0.53,0.96,4,272,2,0,0,0,support,low +0.96,0.85,5,168,2,0,0,0,support,low +0.62,0.87,4,221,3,1,0,0,support,low +0.81,0.86,4,213,3,0,0,0,support,low +0.63,0.78,4,275,3,0,0,0,support,low +0.92,0.68,5,177,4,0,0,0,support,medium +0.83,0.74,4,249,2,0,0,0,support,medium +0.49,0.37,5,246,3,0,0,0,support,medium +0.8,0.66,4,223,3,0,0,0,support,medium +0.54,0.76,4,244,2,0,0,0,support,medium +0.37,0.72,3,169,2,1,0,0,support,medium +0.93,0.56,5,140,3,0,0,0,technical,medium +0.88,0.99,5,253,2,0,0,0,technical,medium +0.79,0.87,3,194,2,0,0,0,technical,medium +0.65,0.88,4,173,3,0,0,0,management,medium +0.72,0.7,4,172,3,0,0,0,IT,medium +0.58,0.49,3,167,3,0,0,0,IT,medium +0.37,0.51,2,153,3,0,0,0,IT,high +0.87,0.97,4,243,3,0,0,0,IT,high +0.63,0.72,6,163,4,0,0,0,IT,high +0.72,0.79,3,221,3,0,0,0,product_mng,high +0.36,0.55,3,191,3,0,0,0,product_mng,high +0.96,0.7,4,272,3,0,0,0,product_mng,high +0.52,0.37,2,118,2,0,0,0,product_mng,high +0.16,0.83,5,173,4,0,0,0,IT,high +0.63,0.55,4,200,3,1,0,0,RandD,low +0.92,0.76,5,132,3,1,0,0,RandD,low +0.82,0.49,4,180,2,0,0,0,RandD,low +0.18,0.54,4,145,5,0,0,0,RandD,low +0.73,0.48,4,139,2,0,0,0,RandD,low +0.44,0.61,5,230,6,0,0,0,marketing,low +0.73,0.62,4,247,4,0,0,0,sales,low +0.62,0.95,4,140,2,0,0,0,accounting,low +0.94,0.8,4,266,3,1,0,0,support,medium +0.76,0.74,4,261,3,0,0,0,technical,medium +0.89,0.49,4,275,3,0,0,0,management,medium +0.9,0.88,5,254,2,0,0,0,marketing,medium +1,0.93,5,231,2,0,0,0,marketing,medium +0.71,0.9,3,138,3,0,0,0,marketing,medium +0.73,0.97,4,163,3,0,0,0,sales,medium +0.97,0.9,5,262,3,0,0,0,sales,medium +0.6,0.59,4,201,3,0,0,0,sales,medium +0.82,0.67,3,229,3,0,0,0,sales,medium +0.95,0.48,4,228,2,0,0,0,sales,medium +0.88,0.65,5,228,3,0,0,0,sales,medium +0.79,0.49,3,273,3,0,0,0,sales,medium +0.52,0.96,4,171,2,0,0,0,sales,medium +0.22,0.61,3,148,5,0,0,0,sales,medium +0.59,0.96,5,211,3,0,0,0,sales,medium +0.84,0.64,2,211,3,0,0,0,sales,medium +0.54,0.41,3,175,3,0,0,0,sales,medium +1,0.86,4,245,4,0,0,0,sales,medium +0.93,0.59,3,273,2,1,0,0,sales,medium +0.96,0.55,3,225,4,1,0,0,sales,medium +0.56,0.41,5,152,3,0,0,0,sales,medium +0.49,0.66,5,194,3,0,0,0,sales,medium +0.89,0.51,4,185,3,1,0,0,sales,high +0.57,0.91,3,193,2,0,0,0,sales,low +0.96,0.64,3,166,2,0,0,0,accounting,medium +0.65,0.89,5,223,3,1,0,0,accounting,medium +0.14,0.66,5,281,4,1,0,0,accounting,medium +0.64,0.49,3,241,3,0,0,0,hr,medium +0.98,0.91,3,165,2,1,0,0,hr,medium +0.71,0.59,4,143,2,0,0,0,hr,medium +0.96,0.49,5,137,3,0,0,0,hr,medium +0.9,0.57,4,185,3,1,0,0,technical,medium +0.52,0.96,3,271,3,1,0,0,technical,medium +0.78,0.98,4,207,2,1,0,0,technical,medium +0.62,0.69,4,184,3,0,0,0,technical,low +0.6,0.8,4,253,2,0,0,0,technical,low +0.82,0.62,3,152,6,0,0,0,technical,low +0.52,0.55,3,225,2,0,0,0,technical,low +0.13,0.84,5,189,5,0,0,0,technical,low +0.97,0.93,3,153,2,0,0,0,technical,low +0.63,0.9,4,245,3,0,0,0,technical,low +0.68,0.78,5,233,3,0,0,0,technical,high +0.74,0.83,4,210,3,0,0,0,support,low +0.89,0.57,4,176,4,0,0,0,support,high +0.28,0.95,5,191,3,0,0,0,support,high +0.61,0.9,3,224,3,0,0,0,support,low +0.67,0.49,3,185,3,0,0,0,support,low +0.86,0.64,3,245,4,0,0,0,support,high +0.87,0.93,3,173,2,0,0,0,support,low +0.7,0.95,4,231,3,0,0,0,support,medium +0.68,0.84,3,270,3,0,0,0,support,high +0.69,0.75,5,196,3,0,0,0,support,medium +0.97,0.83,3,238,2,0,0,0,support,medium +0.62,0.89,4,261,2,0,0,0,technical,medium +0.55,0.87,3,201,2,0,0,0,technical,medium +0.61,0.73,3,252,3,0,0,0,technical,high +0.15,0.81,3,191,5,0,0,0,management,medium +0.84,0.86,3,199,3,0,0,0,IT,medium +0.87,0.64,5,234,2,1,0,0,IT,medium +0.93,0.86,4,192,4,0,0,0,IT,high +0.14,0.73,6,237,5,0,0,0,IT,medium +0.96,0.7,3,207,3,0,0,0,IT,high +0.41,0.63,2,145,2,0,0,0,product_mng,low +0.84,0.96,6,155,5,0,0,0,product_mng,medium +0.94,0.69,5,145,2,0,0,0,product_mng,medium +0.6,0.86,6,247,6,0,0,0,product_mng,medium +0.7,0.73,4,182,3,0,0,0,IT,medium +0.29,0.91,4,183,4,0,0,0,RandD,low +0.31,0.51,2,146,3,0,0,0,RandD,low +0.73,0.99,3,241,3,0,0,0,RandD,low +0.51,0.52,5,261,3,1,0,0,RandD,low +0.58,0.77,4,140,3,0,0,0,RandD,low +0.59,0.97,3,257,3,0,0,0,marketing,low +0.95,0.9,3,186,2,0,0,0,marketing,low +0.84,0.93,3,159,3,0,0,0,sales,low +0.28,0.37,3,164,4,1,0,0,accounting,low +0.94,0.52,4,217,6,1,0,0,support,low +0.49,0.59,4,137,4,0,0,0,technical,high +0.72,0.5,4,164,2,1,0,0,management,low +0.19,0.85,5,249,3,0,0,0,marketing,low +0.83,0.95,3,264,2,0,0,0,marketing,low +0.79,0.92,4,208,2,1,0,0,marketing,low +0.72,0.61,3,175,3,0,0,0,sales,high +0.97,0.74,4,209,2,0,0,0,sales,low +0.92,0.83,4,268,4,0,0,0,sales,low +0.95,0.53,3,264,3,0,0,0,sales,low +0.76,0.64,4,234,2,0,0,0,sales,high +0.24,0.62,5,199,4,0,0,0,sales,low +0.89,0.99,4,205,2,0,0,1,sales,medium +0.69,0.63,5,140,4,0,0,1,sales,high +0.92,0.98,3,257,3,0,0,1,sales,medium +0.79,0.61,4,227,2,0,0,1,sales,high +0.87,0.94,4,189,3,0,0,1,sales,medium +0.89,0.88,5,241,2,1,0,0,sales,medium +0.75,0.77,5,199,4,0,0,0,sales,medium +0.78,0.6,4,206,3,0,0,0,sales,medium +0.13,0.62,5,268,3,0,0,0,sales,medium +0.94,0.86,3,221,3,1,0,0,sales,medium +0.94,0.88,4,262,2,0,0,0,sales,medium +0.67,0.6,5,253,6,0,0,0,sales,medium +0.6,0.73,5,241,3,0,0,0,sales,high +0.62,0.94,4,252,4,0,0,0,accounting,low +0.38,0.52,2,171,3,0,0,0,accounting,medium +0.8,0.77,4,194,3,0,0,0,accounting,medium +0.61,0.42,3,104,2,0,0,0,hr,medium +0.61,0.56,4,176,3,0,0,0,hr,medium +0.66,0.8,4,192,3,0,0,0,hr,medium +0.56,0.74,3,154,2,0,0,0,hr,medium +1,0.55,4,186,4,1,0,0,technical,medium +0.73,0.86,3,200,4,0,0,0,technical,medium +0.6,0.66,4,132,4,0,0,0,technical,medium +0.78,0.59,5,236,3,0,0,0,technical,high +0.48,0.53,3,211,4,0,0,0,technical,low +0.9,0.77,4,273,2,0,0,0,technical,low +0.16,0.76,4,223,4,0,0,0,technical,low +0.5,0.75,3,204,2,0,0,0,technical,high +0.66,0.65,3,196,3,1,0,0,technical,low +0.44,0.37,2,219,2,0,0,0,technical,low +0.95,0.67,4,261,3,0,0,0,technical,low +0.9,0.65,3,254,2,0,0,0,support,high +0.27,0.48,4,185,2,0,0,0,support,low +0.51,0.74,6,98,3,0,0,0,support,low +0.68,0.76,3,260,4,0,0,0,support,low +0.97,0.93,5,137,2,1,0,0,support,low +0.91,0.75,4,159,3,1,0,0,support,low +0.76,0.88,5,265,4,0,0,0,support,low +0.88,0.61,4,177,4,1,0,0,support,low +0.83,0.73,4,247,2,0,0,0,support,medium +0.78,0.54,3,161,3,0,0,0,support,medium +0.52,0.38,2,103,3,0,0,0,support,medium +0.63,0.49,4,151,3,0,0,0,technical,medium +0.9,0.74,3,193,3,0,0,0,technical,medium +0.48,0.58,3,194,3,0,0,0,technical,medium +0.7,0.6,5,208,3,0,0,0,management,medium +0.68,0.66,4,229,3,0,0,0,IT,medium +0.7,0.87,3,166,2,0,0,0,IT,medium +0.77,0.5,3,141,3,0,0,0,IT,medium +0.73,0.93,3,249,2,0,0,0,IT,medium +0.87,0.48,4,264,3,0,0,0,IT,medium +0.65,0.98,3,252,2,0,0,0,product_mng,high +0.62,0.7,2,134,3,0,0,0,product_mng,low +0.53,0.51,3,274,2,1,0,0,product_mng,medium +0.59,0.39,5,200,4,0,0,0,product_mng,medium +0.87,0.72,2,154,3,0,0,0,IT,medium +0.47,0.53,3,111,4,0,0,0,RandD,medium +0.96,0.81,3,247,3,0,0,0,RandD,low +0.79,0.74,3,169,3,0,0,0,RandD,low +0.84,0.6,3,250,3,1,0,0,RandD,low +0.68,0.49,3,178,3,1,0,0,RandD,low +0.86,0.66,4,251,3,0,0,0,RandD,low +0.73,0.98,5,272,2,0,0,0,marketing,low +0.9,0.67,2,229,4,0,0,0,sales,low +0.63,0.64,3,180,3,0,0,0,accounting,low +0.71,0.72,3,271,2,0,0,0,support,low +0.71,0.68,5,226,3,0,0,0,technical,low +0.95,0.62,4,150,2,0,0,0,management,low +0.51,0.86,4,260,3,1,0,0,marketing,low +0.77,0.91,4,161,3,0,0,0,marketing,low +0.48,0.51,3,136,3,0,0,0,marketing,low +0.93,0.91,2,238,2,1,0,0,sales,low +0.83,0.86,4,98,4,0,0,0,sales,low +0.61,0.73,5,156,4,0,0,0,sales,low +0.97,0.89,4,248,2,0,0,0,sales,low +0.5,0.81,3,170,2,0,0,0,sales,low +0.84,0.54,3,245,3,0,0,0,sales,low +0.58,0.38,4,203,5,0,0,0,sales,low +0.59,0.72,3,182,3,0,0,0,sales,medium +0.77,0.83,3,175,3,0,0,1,sales,medium +0.78,0.4,4,145,5,1,0,1,sales,medium +0.6,0.96,4,220,3,1,0,1,sales,medium +0.53,0.77,4,259,2,1,0,1,sales,medium +0.73,0.69,3,228,2,0,0,1,sales,medium +0.76,0.94,3,189,3,0,0,0,sales,medium +0.12,0.61,6,257,3,0,0,0,sales,medium +0.2,0.98,3,180,6,0,0,0,sales,medium +0.5,0.77,4,180,3,0,0,0,sales,medium +0.79,0.65,5,215,2,1,0,0,sales,medium +0.96,0.68,3,132,2,0,0,0,sales,medium +0.26,0.69,5,213,2,0,0,0,accounting,high +0.8,0.72,4,173,3,0,0,0,accounting,low +0.43,0.71,3,186,2,0,0,0,accounting,medium +0.87,0.71,4,157,2,0,0,0,hr,medium +0.63,0.75,4,175,4,0,0,0,hr,medium +0.58,0.48,3,135,3,1,0,0,hr,medium +0.2,0.42,4,256,5,0,0,0,hr,low +0.62,0.71,4,268,3,0,0,0,technical,low +0.91,0.94,5,159,3,0,0,0,technical,low +0.66,0.91,3,191,4,0,0,0,technical,low +0.53,0.81,3,275,2,0,0,0,technical,low +0.52,0.98,5,217,2,1,0,0,technical,low +1,0.88,6,201,4,0,0,0,technical,low +0.73,0.67,4,205,3,0,0,0,technical,low +0.65,0.67,3,240,2,1,0,0,technical,low +0.5,0.95,5,137,3,0,0,0,technical,low +0.94,0.59,4,241,2,0,0,0,technical,low +0.48,0.86,5,198,4,0,0,0,technical,low +0.67,0.87,5,254,2,0,0,0,support,low +0.73,0.94,4,262,3,0,0,0,support,low +0.63,0.71,4,244,2,0,0,0,support,low +0.84,0.84,4,266,3,0,0,0,support,low +0.2,0.94,6,191,5,0,0,0,support,low +0.76,0.57,3,148,3,1,0,0,support,low +0.55,0.54,3,233,2,0,0,0,support,low +0.8,0.55,4,178,2,1,0,0,support,low +0.64,0.91,3,165,3,1,0,0,support,low +0.59,0.97,5,179,6,0,0,0,support,medium +0.92,0.98,3,149,3,0,0,0,support,medium +0.75,0.76,3,269,2,1,0,0,technical,medium +0.69,0.74,5,227,2,0,0,0,technical,medium +0.82,0.93,3,247,3,0,0,0,technical,medium +0.88,0.85,3,220,3,0,0,0,management,medium +0.89,0.91,3,233,2,0,0,0,IT,medium +1,0.79,5,171,5,0,0,0,IT,medium +0.66,0.91,4,234,2,1,0,0,IT,medium +0.76,0.92,3,176,2,0,0,0,IT,medium +0.8,0.62,5,190,4,1,0,0,IT,medium +0.58,0.86,4,168,2,0,0,0,product_mng,medium +0.73,0.93,3,205,3,0,0,0,product_mng,high +1,0.73,5,189,3,1,0,0,product_mng,low +0.18,0.9,4,282,4,0,0,0,product_mng,medium +0.47,0.46,2,152,2,0,0,0,IT,medium +0.92,0.64,4,217,4,0,0,0,RandD,medium +0.51,0.5,4,130,3,0,0,0,RandD,medium +0.81,0.62,4,153,4,0,0,0,RandD,low +0.52,0.57,3,270,3,0,0,0,RandD,low +0.95,0.96,3,220,3,0,0,0,RandD,low +0.93,0.64,4,253,3,0,0,0,RandD,low +0.98,0.67,4,209,6,0,0,0,marketing,low +0.79,0.79,4,231,2,0,0,0,sales,low +0.99,0.73,4,240,4,0,0,0,accounting,low +0.64,0.9,5,266,3,0,0,0,support,low +0.54,0.44,3,153,2,0,0,0,technical,low +0.79,0.59,4,187,2,0,0,0,management,low +0.55,0.98,4,185,2,1,0,0,marketing,low +0.18,0.81,4,147,4,0,0,0,marketing,low +0.56,0.81,4,188,3,1,0,0,marketing,low +0.92,0.67,2,252,2,0,0,0,sales,low +0.99,0.75,4,163,2,0,0,0,sales,low +0.77,0.85,4,189,2,0,0,0,sales,low +0.49,0.52,3,156,2,0,0,0,sales,low +0.98,0.58,3,183,3,0,0,0,sales,low +0.18,0.54,6,209,5,1,0,0,sales,low +0.8,0.82,4,271,4,0,0,0,sales,low +0.81,0.77,5,251,2,0,0,0,sales,low +0.13,0.61,5,198,5,0,0,0,sales,medium +0.58,0.97,3,274,4,1,0,1,sales,medium +0.75,0.63,4,209,3,0,0,1,sales,medium +0.8,0.94,4,271,4,0,0,1,sales,medium +0.78,0.6,4,143,2,0,0,1,sales,medium +0.92,0.6,5,236,3,1,0,1,sales,medium +0.85,0.98,5,222,3,0,0,1,sales,medium +0.52,0.63,3,233,3,0,0,1,sales,medium +0.95,0.84,3,270,3,1,0,1,sales,medium +0.81,0.92,5,258,3,0,0,1,sales,medium +0.16,0.82,6,202,4,1,0,1,sales,medium +0.91,0.74,3,150,2,0,0,0,accounting,medium +0.62,0.51,4,193,3,0,0,0,accounting,high +0.24,0.42,5,210,5,0,0,0,accounting,low +0.88,0.51,3,208,3,0,0,0,hr,medium +0.94,0.73,3,196,3,0,0,0,hr,medium +0.76,0.79,5,187,4,0,0,0,hr,medium +0.49,0.67,3,140,2,0,0,0,hr,medium +0.93,0.9,4,256,4,0,0,0,technical,low +0.92,0.66,4,113,3,0,0,0,technical,low +0.19,0.94,4,196,5,0,0,0,technical,low +0.66,0.76,3,170,3,0,0,0,technical,low +0.16,0.94,4,261,6,0,0,0,technical,low +0.83,0.99,5,132,3,0,0,0,technical,low +0.69,0.53,3,153,3,0,0,0,technical,low +0.82,0.53,3,147,3,1,0,0,technical,low +0.88,0.72,5,244,2,0,0,0,technical,low +0.31,0.42,4,108,4,0,0,0,technical,low +0.83,0.49,4,218,2,0,0,0,technical,low +0.94,0.52,5,133,3,0,0,0,support,low +0.65,0.79,5,233,3,0,0,0,support,low +0.6,0.6,4,147,3,0,0,0,support,low +0.52,0.43,3,176,3,0,0,0,support,low +0.66,0.89,4,169,4,0,0,0,support,low +0.87,0.87,4,144,3,0,0,0,support,low +0.2,0.99,5,151,3,1,0,0,support,low +0.63,0.91,4,252,3,1,0,0,support,medium +0.69,0.98,4,180,3,0,0,0,support,medium +0.48,0.61,3,251,3,0,0,0,support,medium +0.8,0.8,4,263,4,0,0,0,support,medium +0.89,0.74,5,260,6,0,0,0,technical,medium +0.67,0.63,3,227,3,0,0,0,technical,medium +0.37,0.86,6,260,3,0,0,0,technical,medium +0.93,0.61,5,158,3,0,0,0,management,medium +0.69,0.52,3,186,3,0,0,0,IT,medium +0.16,0.61,4,171,6,0,0,0,IT,medium +0.81,0.55,3,199,2,1,0,0,IT,medium +0.97,0.63,5,258,2,0,0,0,IT,medium +0.77,0.59,4,273,2,0,0,0,IT,high +0.75,0.78,2,259,3,0,0,0,product_mng,low +0.88,0.82,3,265,3,0,0,0,product_mng,medium +0.43,0.51,5,168,4,0,0,0,product_mng,medium +0.99,0.99,4,163,4,0,0,0,product_mng,medium +0.59,0.65,5,265,3,0,0,0,IT,medium +0.89,0.71,4,190,3,0,0,0,RandD,low +0.54,0.73,3,157,3,0,0,0,RandD,low +0.32,0.86,4,266,4,0,0,0,RandD,low +0.17,0.55,6,240,6,0,0,0,RandD,low +0.78,0.55,3,143,3,0,0,0,RandD,low +0.73,0.68,3,121,5,0,0,0,RandD,low +0.65,0.76,2,170,5,0,0,0,IT,low +0.8,0.71,4,161,4,0,0,0,IT,low +0.61,0.86,3,239,3,0,0,0,IT,low +0.67,0.49,3,224,3,0,0,0,IT,low +0.63,0.57,3,242,3,0,0,0,product_mng,low +0.51,0.58,4,140,2,1,0,0,product_mng,low +0.82,0.59,5,170,3,0,0,0,product_mng,low +0.79,0.67,5,156,2,0,0,0,product_mng,low +0.49,0.6,2,113,5,0,0,0,IT,low +0.7,0.59,3,138,3,0,0,0,RandD,low +0.13,0.5,3,137,5,0,0,0,RandD,low +0.83,0.52,5,217,3,0,0,0,RandD,low +0.83,0.91,3,155,3,0,0,0,RandD,low +0.19,0.83,5,280,4,0,0,0,RandD,low +0.8,0.81,5,248,2,1,0,0,RandD,low +0.49,0.67,2,190,8,0,0,0,marketing,medium +0.92,0.99,3,176,8,0,0,0,sales,medium +0.81,0.55,4,217,8,0,0,0,accounting,medium +0.62,0.91,3,269,8,0,0,0,support,medium +0.21,0.7,3,238,8,0,0,0,technical,medium +0.95,0.74,5,243,6,0,0,0,management,medium +0.51,0.8,4,198,6,0,0,0,marketing,medium +0.52,0.89,3,188,6,0,0,0,marketing,medium +0.64,0.56,3,257,6,0,0,0,marketing,medium +0.62,0.79,4,268,6,0,0,0,sales,medium +0.73,0.88,5,233,4,1,0,0,sales,medium +0.32,0.86,4,214,5,0,0,0,sales,medium +0.78,0.96,2,285,3,0,0,0,sales,high +0.65,0.91,4,224,2,1,0,0,sales,low +0.56,0.92,4,224,3,0,0,0,sales,medium +0.96,0.89,3,142,4,0,0,0,sales,medium +0.79,0.82,4,220,3,0,0,0,sales,medium +0.66,0.58,4,244,3,0,0,0,sales,medium +0.67,0.68,4,171,3,0,0,0,sales,low +0.86,0.82,4,274,2,1,0,0,sales,low +0.57,0.72,4,214,2,1,0,0,sales,low +0.86,0.87,5,171,2,0,0,0,sales,low +0.52,0.59,5,150,2,0,0,0,sales,low +0.73,0.61,4,260,2,1,0,0,sales,low +0.78,0.63,5,259,3,0,0,0,sales,low +0.95,0.63,3,153,2,0,0,0,sales,low +0.75,0.61,3,263,3,0,0,0,sales,low +0.83,0.52,2,149,2,1,0,0,sales,low +0.48,1,4,261,3,0,0,0,accounting,low +0.3,0.58,2,189,4,1,0,0,accounting,low +0.72,0.85,5,237,4,0,0,0,accounting,low +0.61,0.52,3,224,3,0,0,0,hr,low +0.31,0.87,6,240,3,1,0,0,hr,low +0.62,0.81,3,245,2,1,0,0,hr,low +0.48,0.49,3,268,3,0,0,0,hr,low +0.97,0.89,4,208,2,1,0,0,technical,low +0.61,0.83,4,153,2,0,0,0,technical,low +0.93,0.99,3,169,3,0,0,0,technical,low +0.89,0.39,5,218,2,0,0,0,technical,low +0.95,0.9,3,155,3,0,0,0,technical,medium +0.36,0.44,5,155,3,0,0,0,technical,medium +0.29,0.39,6,105,6,0,0,0,technical,medium +0.65,0.83,4,251,2,0,0,0,technical,medium +0.72,0.54,4,219,2,0,0,0,technical,medium +0.51,0.56,4,198,2,1,0,0,technical,medium +0.54,0.53,4,158,2,0,0,0,technical,medium +0.66,0.58,3,157,2,0,0,0,support,medium +0.59,0.54,4,178,2,0,0,0,support,medium +0.45,0.48,3,145,2,0,0,0,support,medium +0.15,0.91,5,230,3,0,0,0,support,medium +0.95,0.53,3,174,3,0,0,0,support,medium +0.49,0.59,5,140,3,0,0,0,support,high +0.68,0.97,3,174,2,0,0,0,support,low +0.7,0.76,4,173,2,0,0,0,support,medium +0.9,0.73,2,203,4,0,0,0,support,medium +0.94,0.95,5,170,3,0,0,0,support,medium +0.8,0.86,3,203,3,0,0,0,support,medium +0.59,0.53,5,169,3,0,0,0,technical,low +0.43,0.96,3,109,6,0,0,0,technical,low +0.7,0.54,5,263,3,0,0,0,technical,low +0.51,0.62,4,185,3,0,0,0,management,low +0.12,0.49,4,191,5,0,0,0,IT,low +0.14,0.56,5,259,4,1,0,0,IT,low +0.86,0.91,4,253,3,0,0,0,IT,low +0.97,0.5,3,216,3,0,0,0,IT,low +1,0.86,2,264,3,0,0,0,IT,medium +0.49,0.63,3,181,3,1,0,0,product_mng,medium +0.9,0.93,3,209,3,0,0,0,product_mng,medium +0.82,0.89,4,239,2,0,0,0,product_mng,medium +0.59,0.48,3,197,3,0,0,0,product_mng,medium +0.97,0.57,4,150,2,0,0,0,IT,medium +0.69,0.88,3,164,10,0,0,0,management,medium +0.73,0.84,3,216,8,0,0,0,management,medium +0.48,0.74,2,271,8,1,0,0,management,medium +0.94,0.49,4,176,8,0,0,0,management,medium +0.74,0.73,3,156,8,0,0,0,management,medium +0.65,0.63,4,143,8,0,0,0,management,medium +0.93,0.94,4,233,6,0,0,0,IT,medium +0.57,0.67,3,138,6,1,0,0,IT,medium +0.9,0.49,3,259,6,0,0,0,IT,medium +0.55,0.86,4,169,6,0,0,0,IT,medium +0.59,0.73,3,172,6,0,0,0,product_mng,medium +0.72,0.98,4,156,3,0,0,0,product_mng,medium +0.87,0.52,4,140,3,0,0,0,product_mng,medium +0.86,0.82,4,212,2,0,0,0,product_mng,medium +0.61,0.5,4,269,3,0,0,0,IT,medium +0.45,0.63,5,111,5,0,0,0,management,medium +0.51,0.63,4,198,2,0,0,0,management,medium +0.87,0.92,4,263,3,0,0,0,management,medium +0.29,0.38,5,191,5,0,0,0,management,medium +0.57,0.64,3,188,3,0,0,0,management,medium +0.69,0.83,4,252,3,0,0,0,management,medium +0.61,0.9,2,142,3,0,0,0,marketing,high +0.96,0.85,4,247,3,0,0,0,sales,high +0.16,0.61,6,269,2,0,0,0,accounting,high +0.96,0.82,4,244,3,0,0,0,support,high +0.77,0.81,4,164,3,0,0,0,technical,high +0.85,0.87,6,232,5,0,0,0,management,high +0.37,0.49,3,177,3,0,0,0,marketing,high +0.68,0.65,3,173,3,1,0,0,marketing,high +0.87,0.6,5,165,2,1,0,0,marketing,high +0.95,0.8,3,225,2,0,0,0,sales,high +0.84,0.63,3,121,3,1,0,0,sales,low +0.44,0.51,2,219,4,0,0,0,sales,low +0.94,0.73,4,204,2,0,0,0,sales,low +0.85,0.94,5,235,4,0,0,0,sales,low +0.75,0.51,2,215,2,1,0,0,sales,low +0.76,0.67,5,243,3,0,0,0,sales,low +0.13,0.97,4,162,6,0,0,0,sales,low +0.6,0.79,4,262,3,0,0,0,sales,low +0.45,0.55,4,206,2,0,0,0,sales,low +0.49,1,2,125,4,1,0,0,sales,low +0.19,0.36,3,167,5,0,0,0,sales,low +0.68,0.89,5,218,5,0,0,0,sales,low +0.53,0.91,5,181,3,0,0,0,sales,low +1,0.77,5,269,3,0,0,0,sales,low +0.99,0.86,3,167,2,0,0,0,sales,low +0.29,0.75,6,271,10,0,0,0,sales,medium +0.54,0.83,4,201,8,1,0,0,sales,medium +0.25,0.9,6,229,8,0,0,0,sales,medium +0.71,0.76,4,148,8,0,0,0,accounting,medium +0.96,0.84,3,147,8,0,0,0,accounting,medium +0.8,0.9,4,211,8,0,0,0,accounting,medium +0.82,0.87,5,145,6,0,0,0,hr,medium +0.19,0.97,6,269,6,0,0,0,hr,medium +0.43,0.74,4,129,6,0,0,0,hr,medium +0.62,0.84,3,270,6,0,0,0,hr,medium +0.75,0.85,3,250,6,0,0,0,technical,medium +0.56,0.48,5,192,2,1,0,0,technical,medium +0.88,0.91,4,233,4,0,0,0,technical,high +0.63,0.57,4,192,3,0,0,0,technical,high +0.75,0.93,3,247,2,0,0,0,technical,high +0.74,1,4,192,4,0,0,0,technical,high +0.55,0.68,3,178,3,1,0,0,technical,high +0.87,0.55,4,197,3,0,0,0,technical,high +0.13,0.9,5,264,6,0,0,0,technical,high +0.33,0.64,2,274,3,1,0,0,technical,high +0.89,0.97,4,147,2,0,0,0,technical,low +0.56,0.94,3,154,3,1,0,0,support,low +0.95,0.61,3,224,2,1,0,0,support,low +0.57,0.59,4,250,2,0,0,0,support,low +0.72,0.53,3,179,3,0,0,0,support,low +0.28,0.44,4,170,2,0,0,0,support,low +0.54,0.61,4,118,5,0,0,0,support,low +0.54,0.95,4,256,3,0,0,0,support,low +0.99,0.8,3,209,2,0,0,0,support,medium +0.37,0.69,2,146,3,0,0,0,support,medium +0.77,0.87,3,275,4,1,0,0,support,medium +0.7,0.88,4,180,2,0,0,0,support,medium +0.8,0.74,3,228,3,0,0,0,technical,medium +0.52,0.63,3,204,3,0,0,0,technical,medium +0.69,0.55,3,172,2,0,0,0,technical,medium +0.6,0.62,5,274,3,0,0,0,management,medium +0.74,0.64,3,136,2,0,0,0,IT,medium +0.69,0.82,4,252,3,1,0,0,IT,medium +0.78,0.89,4,137,3,0,0,0,IT,medium +0.77,0.75,4,191,3,0,0,0,IT,medium +0.91,0.68,4,132,4,0,0,0,IT,medium +0.54,0.68,6,249,5,0,0,0,product_mng,medium +0.48,0.77,6,274,6,0,0,0,product_mng,medium +0.55,0.96,3,194,3,0,0,0,product_mng,medium +0.17,0.36,6,191,2,0,0,0,product_mng,medium +0.77,0.83,5,216,4,0,0,0,IT,medium +0.93,0.98,3,241,3,0,0,0,IT,medium +0.65,0.91,4,243,5,1,0,0,IT,medium +0.67,0.52,4,207,3,0,0,0,IT,medium +0.95,0.88,3,199,3,0,0,0,IT,medium +0.61,0.97,6,286,4,0,0,0,product_mng,medium +0.57,0.39,4,132,3,0,0,0,product_mng,high +0.65,1,4,229,4,0,0,0,product_mng,low +0.85,0.81,4,260,3,0,0,0,product_mng,medium +0.61,0.96,3,214,2,0,0,0,IT,medium +0.65,0.9,6,217,4,1,0,1,RandD,medium +0.92,0.93,4,225,2,0,0,1,RandD,medium +0.37,0.41,2,113,3,0,0,1,RandD,medium +0.48,0.77,5,250,2,0,0,1,RandD,medium +0.82,0.91,5,271,2,0,0,1,RandD,medium +0.84,0.75,4,135,3,0,0,1,RandD,medium +0.57,0.46,2,100,6,1,0,1,marketing,medium +0.8,0.75,4,224,3,0,0,1,sales,medium +0.49,0.91,4,134,4,0,0,0,accounting,low +0.79,0.82,5,158,2,0,0,0,support,low +0.48,0.67,3,183,2,0,0,0,technical,low +0.28,0.89,4,97,6,0,0,0,management,low +0.47,0.56,4,226,3,0,0,0,marketing,low +0.91,0.6,4,235,4,1,0,0,marketing,low +0.75,0.6,4,186,10,1,0,0,marketing,low +0.61,0.89,3,242,10,0,0,0,sales,high +0.47,0.79,3,284,10,0,0,0,sales,low +0.22,0.7,2,274,10,0,0,0,sales,high +0.5,0.48,4,130,10,0,0,0,sales,high +0.56,0.87,3,146,10,0,0,0,sales,low +0.84,0.85,4,207,10,0,0,0,sales,low +0.69,0.72,4,210,2,1,0,0,sales,high +0.53,0.64,3,143,2,0,0,0,sales,low +0.17,0.57,4,116,3,0,0,0,sales,medium +0.48,0.71,2,162,3,1,0,0,sales,high +0.94,0.51,3,242,3,0,0,0,sales,medium +0.77,0.89,4,153,7,0,0,0,sales,medium +1,0.72,5,194,7,1,0,0,sales,medium +0.49,0.65,4,233,7,0,0,0,sales,medium +0.93,0.73,4,283,7,0,0,0,sales,high +0.38,0.43,3,188,7,0,0,0,sales,medium +0.6,0.54,4,182,6,0,0,0,sales,medium +0.5,0.82,2,286,6,0,0,0,sales,medium +0.97,0.55,5,212,6,0,0,0,sales,high +0.93,0.95,5,176,6,0,0,1,accounting,medium +0.5,1,5,264,8,0,0,1,accounting,high +0.52,0.84,3,261,8,0,0,1,accounting,low +0.5,0.71,4,163,8,0,0,1,hr,medium +0.55,0.4,3,139,8,0,0,1,hr,medium +0.95,0.84,3,261,8,1,0,1,hr,medium +0.48,0.42,2,275,6,1,0,1,hr,medium +0.51,0.39,5,132,6,1,0,1,technical,low +0.96,0.48,3,202,6,0,0,0,technical,low +0.97,0.84,4,177,6,0,0,0,technical,low +0.97,0.66,5,234,6,0,0,0,technical,low +0.71,0.54,4,188,6,0,0,0,technical,low +0.82,0.49,5,203,6,0,0,0,technical,low +0.57,1,4,227,10,0,0,0,technical,low +0.48,0.93,3,150,10,0,0,0,technical,low +0.71,0.64,3,267,3,0,0,0,technical,low +0.63,0.61,5,186,10,0,0,0,technical,low +0.99,0.84,4,142,10,0,0,0,technical,high +0.79,0.83,3,126,10,1,0,0,support,low +0.65,0.85,4,201,10,0,0,0,support,low +0.7,0.85,4,142,2,0,0,0,support,low +0.99,0.94,4,167,4,0,0,0,support,low +0.65,0.62,4,258,2,0,0,0,support,high +0.92,0.85,3,207,2,0,0,0,support,low +0.24,0.5,4,282,4,1,0,0,support,low +0.39,0.89,3,188,5,0,0,0,support,low +0.82,0.85,3,214,2,0,0,0,support,high +0.78,0.89,4,272,2,0,0,0,support,low +0.62,0.79,3,259,3,0,0,0,support,medium +0.6,0.61,5,191,2,1,0,0,technical,high +0.49,0.57,3,192,3,0,0,0,technical,medium +0.82,0.82,3,164,3,0,0,0,technical,high +0.48,0.81,4,149,2,0,0,0,management,medium +0.69,0.56,4,149,3,0,0,0,IT,medium +0.4,0.89,2,165,3,0,0,0,IT,medium +0.72,0.8,3,222,3,0,0,0,IT,medium +0.75,0.84,5,222,3,1,0,0,IT,medium +0.5,0.77,3,265,3,0,0,0,IT,medium +0.78,0.5,5,247,4,0,0,0,product_mng,medium +0.76,0.45,4,147,2,0,0,0,product_mng,medium +0.94,0.52,3,273,3,0,0,0,product_mng,high +0.24,0.94,6,144,4,0,0,0,product_mng,low +0.99,0.66,3,181,2,0,0,0,IT,medium +0.67,0.64,3,198,2,1,0,0,management,medium +0.76,0.57,5,255,4,0,0,0,management,medium +0.76,0.77,4,169,10,0,0,0,management,medium +0.55,0.64,4,201,10,1,0,0,management,medium +0.74,0.6,4,274,10,1,0,0,management,medium +0.81,0.85,4,134,10,1,0,0,management,medium +0.98,0.67,3,190,10,0,0,0,IT,medium +0.98,0.98,4,170,10,0,0,0,IT,medium +0.58,0.91,3,154,10,0,0,0,product_mng,high +0.18,0.75,3,142,2,0,0,0,product_mng,low +0.57,0.67,5,235,2,0,0,0,product_mng,low +0.7,0.62,3,110,3,0,0,0,product_mng,low +0.49,0.77,3,211,3,0,0,0,IT,high +0.7,0.56,4,214,3,0,0,1,management,medium +0.16,0.93,5,210,7,0,0,1,management,medium +0.58,0.59,3,207,7,0,0,1,management,medium +0.66,0.57,4,161,7,0,0,1,management,medium +0.51,0.55,2,102,7,0,0,1,management,medium +0.48,0.84,4,186,7,0,0,1,management,medium +0.56,0.71,3,211,6,0,0,1,marketing,low +0.81,0.62,3,240,6,0,0,1,sales,low +0.57,0.7,4,237,6,0,0,0,accounting,low +0.66,0.53,3,164,6,0,0,0,support,low +0.22,0.91,6,222,8,0,0,0,technical,low +0.96,0.71,3,205,8,1,0,0,management,medium +0.87,0.88,4,140,8,0,0,0,marketing,medium +0.61,0.42,2,103,8,0,0,0,marketing,medium +0.66,0.85,3,178,8,1,0,0,marketing,medium +0.9,0.51,4,137,6,0,0,0,sales,medium +0.64,0.67,3,143,6,0,0,0,sales,medium +0.76,0.82,4,170,6,0,0,0,sales,medium +0.97,0.41,5,135,6,0,0,0,sales,medium +0.69,0.76,3,174,6,0,0,0,sales,medium +0.98,0.55,3,166,6,1,0,0,sales,medium +0.18,0.61,5,174,6,0,0,0,sales,medium +0.62,0.91,3,251,10,0,0,0,sales,medium +0.29,0.37,6,187,10,1,0,0,sales,high +0.87,0.48,5,170,3,0,0,0,sales,low +0.91,0.64,3,241,10,0,0,0,sales,medium +0.53,0.79,3,221,10,1,0,0,sales,medium +0.69,0.73,4,257,10,1,0,0,sales,medium +0.14,0.58,4,275,10,0,0,0,sales,medium +0.7,0.77,4,245,2,0,0,0,sales,low +0.77,0.75,6,246,6,0,0,0,sales,low +0.77,0.76,6,263,6,0,0,0,sales,low +0.76,0.99,3,133,4,0,0,0,sales,low +0.66,0.49,4,157,3,0,0,0,sales,low +0.5,0.95,3,198,4,0,0,0,accounting,low +0.57,0.9,5,145,3,0,0,0,accounting,low +0.97,0.62,6,118,2,0,0,0,accounting,low +0.26,0.99,5,184,5,0,0,0,hr,low +0.72,0.62,3,243,2,1,0,0,hr,low +0.83,0.93,3,247,2,0,0,0,hr,low +0.55,0.4,3,158,3,0,0,0,hr,low +0.77,0.74,5,243,2,0,0,0,technical,low +0.24,0.63,4,203,5,0,0,0,technical,low +0.8,0.96,3,161,3,0,0,0,technical,low +0.5,0.59,4,214,3,1,0,0,technical,low +0.66,0.59,4,179,3,0,0,0,technical,low +0.66,0.77,4,188,2,0,0,0,technical,low +0.66,0.81,3,174,3,0,0,0,technical,low +0.96,0.83,3,177,4,0,0,0,technical,low +0.75,0.94,5,194,4,0,0,0,technical,low +0.78,0.77,3,244,2,0,0,0,technical,medium +0.57,0.82,4,269,2,0,0,0,technical,medium +0.78,0.68,2,159,3,1,0,0,support,medium +0.57,0.88,4,140,2,0,0,0,support,medium +0.84,0.56,5,224,2,0,0,0,support,medium +0.23,0.94,5,242,4,0,0,0,support,medium +0.53,0.37,3,180,3,0,0,0,support,medium +0.82,0.71,3,150,3,0,0,0,support,medium +0.59,0.64,5,269,3,0,0,0,support,medium +0.5,0.52,2,178,2,0,0,0,support,medium +1,0.74,2,187,3,0,0,0,support,medium +0.94,0.61,3,140,2,0,0,0,support,medium +0.86,0.61,4,193,2,0,0,0,support,high +0.73,0.49,4,243,2,0,0,0,technical,low +0.49,0.94,3,144,3,1,0,0,technical,medium +0.79,0.73,2,147,2,0,0,0,technical,medium +0.83,0.5,6,165,3,0,0,0,management,medium +0.85,0.67,3,176,2,0,0,0,IT,medium +0.65,0.37,3,170,6,0,0,0,IT,low +0.94,0.65,4,213,2,1,0,0,IT,low +0.76,0.81,4,242,2,0,0,0,IT,low +0.77,0.54,4,139,3,1,0,0,IT,low +0.77,0.91,4,239,3,1,0,0,product_mng,low +0.59,0.64,5,123,2,0,0,0,product_mng,low +0.69,0.9,3,185,4,0,0,0,product_mng,low +0.51,0.85,4,186,2,0,0,0,product_mng,low +0.8,0.67,3,178,3,0,0,0,IT,low +0.98,0.7,3,153,10,0,0,0,management,high +0.69,0.72,4,185,10,1,0,0,management,high +0.14,0.76,4,142,10,0,0,0,management,high +0.95,0.9,4,221,10,1,0,0,management,high +0.53,0.61,3,148,10,0,0,0,management,high +0.64,0.52,5,258,10,1,0,0,management,high +0.51,0.73,4,229,3,0,0,0,sales,low +0.36,0.73,2,111,2,0,0,0,sales,low +0.62,0.97,2,271,3,0,0,0,sales,low +0.98,0.58,4,133,3,0,0,0,sales,low +0.53,0.7,4,223,3,0,0,0,sales,low +0.8,0.95,4,272,2,0,0,0,sales,low +0.73,0.77,3,233,3,0,0,0,sales,medium +0.82,0.8,3,162,3,0,0,0,sales,medium +0.62,0.75,5,165,4,0,0,0,sales,medium +0.87,0.48,5,242,3,0,0,0,sales,medium +0.43,0.65,4,124,2,0,0,0,sales,medium +0.57,0.6,2,163,3,0,0,0,sales,medium +0.91,0.77,3,144,3,0,0,0,sales,medium +0.75,0.59,5,149,4,0,0,0,sales,medium +0.76,0.8,5,217,2,0,0,0,sales,medium +0.85,0.49,4,139,2,0,0,0,sales,medium +0.56,0.67,3,270,2,0,0,0,sales,medium +0.86,0.84,3,177,3,0,0,0,sales,medium +0.21,0.43,5,175,2,1,0,0,sales,high +0.94,0.59,3,151,2,0,0,0,sales,low +0.98,0.74,3,185,3,0,0,0,sales,medium +0.42,0.45,3,227,3,0,0,0,sales,medium +0.98,0.89,4,218,2,0,0,0,sales,medium +1,0.93,5,167,3,0,0,0,sales,medium +0.95,0.52,3,183,2,1,0,0,sales,low +0.95,0.5,4,259,3,0,0,0,sales,low +0.68,0.53,3,138,2,1,0,0,sales,low +0.64,0.38,5,122,4,0,0,0,sales,low +0.24,0.62,6,225,6,0,0,0,sales,low +0.37,0.72,3,121,2,0,0,0,sales,low +0.67,0.4,4,274,3,0,0,0,sales,low +0.86,0.89,4,153,4,0,0,0,sales,low +0.43,0.38,3,119,2,0,0,0,sales,low +0.67,0.67,4,141,2,1,0,0,sales,low +0.92,0.6,4,161,3,0,0,0,IT,low +0.43,0.46,2,186,2,0,0,0,product_mng,low +0.52,0.8,3,252,4,0,0,0,product_mng,low +0.16,0.42,3,182,3,1,0,0,product_mng,low +0.49,0.6,4,264,2,1,0,0,product_mng,low +0.37,0.63,4,167,3,0,0,0,IT,low +0.98,0.68,5,171,3,0,0,0,management,high +0.33,0.97,5,130,4,0,0,0,management,high +0.14,0.79,5,271,4,0,0,0,management,high +0.54,0.79,5,249,3,1,0,0,management,high +0.63,0.48,4,180,4,0,0,0,management,high +0.55,0.69,4,220,3,1,0,0,management,high +0.84,0.53,3,210,4,1,0,0,marketing,medium +0.51,0.97,4,258,2,0,0,0,sales,medium +0.15,0.75,3,150,4,0,0,1,accounting,medium +0.97,0.79,5,259,3,0,0,1,support,medium +0.67,0.69,3,231,3,0,0,1,technical,medium +0.48,0.67,4,220,3,0,0,1,management,medium +0.69,0.58,4,149,3,0,0,1,marketing,medium +0.6,0.62,3,238,4,0,0,1,marketing,medium +0.82,0.71,2,209,5,0,0,1,marketing,medium +0.86,0.95,4,149,3,0,0,1,sales,medium +0.69,0.59,4,264,3,0,0,0,sales,medium +0.87,0.87,5,207,2,0,0,0,sales,high +0.17,0.78,3,239,6,0,0,0,sales,low +0.94,0.51,6,239,5,0,0,0,sales,medium +0.5,1,4,258,3,0,0,0,sales,medium +0.16,0.72,3,203,3,0,0,0,sales,medium +0.89,0.99,2,258,3,0,0,0,sales,medium +0.69,0.51,3,257,3,1,0,0,IT,low +0.5,0.51,5,134,3,0,0,0,product_mng,low +0.16,0.46,6,240,2,0,0,0,product_mng,low +0.75,0.99,2,237,5,1,0,0,product_mng,low +0.64,0.66,5,157,2,0,0,0,product_mng,low +0.78,0.43,4,275,3,0,0,0,IT,low +0.81,0.74,2,228,3,0,0,0,management,high +0.55,0.58,3,254,2,0,0,0,management,high +0.53,0.53,4,257,2,0,0,0,management,high +0.69,0.73,3,231,2,1,0,0,management,high +0.8,0.53,3,217,3,0,0,0,management,high +0.77,0.98,3,286,6,0,0,0,management,high +0.84,0.8,4,236,3,0,0,0,marketing,low +0.64,0.55,4,215,2,0,0,0,sales,low +0.78,0.57,4,157,3,0,0,0,accounting,low +0.67,0.7,3,149,3,0,0,0,support,low +0.81,0.77,3,221,2,0,0,0,technical,low +0.91,0.82,4,238,2,0,0,0,management,low +0.75,0.89,6,250,2,0,0,0,marketing,medium +0.78,0.96,3,202,4,1,0,0,marketing,medium +0.54,0.52,4,173,2,0,0,0,marketing,medium +0.77,0.71,5,250,3,1,0,0,sales,medium +0.89,0.63,4,270,3,1,0,0,sales,medium +0.16,0.98,3,232,5,0,0,0,sales,medium +0.77,0.99,4,260,3,0,0,0,sales,medium +0.69,0.48,5,232,4,0,0,0,sales,medium +0.61,0.81,4,134,3,0,0,0,sales,medium +0.59,0.81,4,189,3,0,0,0,sales,medium +0.58,0.8,4,113,3,0,0,0,IT,medium +0.88,0.67,5,264,3,0,0,0,product_mng,medium +0.51,0.63,5,260,2,0,0,0,product_mng,high +0.31,0.7,3,132,3,0,0,0,product_mng,low +0.52,0.52,4,168,3,0,0,0,product_mng,medium +0.57,0.46,3,186,3,1,0,0,IT,medium +0.5,0.77,3,267,2,0,0,0,management,high +0.74,0.63,3,180,3,0,0,0,management,high +0.74,0.77,3,211,3,0,0,0,management,high +0.82,0.51,2,268,2,0,0,0,management,high +0.74,0.71,3,206,3,0,0,0,management,high +0.2,0.59,6,113,3,0,0,0,management,high +0.63,0.48,4,179,3,0,0,0,marketing,low +0.19,0.8,6,157,6,1,0,0,sales,low +0.4,0.62,4,127,5,0,0,0,accounting,low +0.71,0.37,2,179,5,0,0,1,support,low +0.84,0.73,4,197,3,0,0,1,technical,low +0.59,0.84,4,251,4,1,0,1,management,low +0.57,0.85,4,250,3,1,0,1,marketing,low +0.81,0.61,2,176,5,0,0,1,marketing,low +0.8,0.7,4,246,3,0,0,1,marketing,low +0.49,0.66,3,155,3,0,0,1,sales,low +0.55,0.64,3,178,2,0,0,1,sales,low +0.68,0.4,3,213,5,1,0,1,sales,low +0.55,0.67,3,150,2,0,0,1,sales,low +0.59,0.62,3,166,2,0,0,0,sales,low +0.91,0.8,5,169,4,0,0,0,sales,low +0.48,0.9,4,208,3,0,0,0,sales,low +0.84,0.66,3,209,2,0,0,0,sales,low +0.73,0.54,4,167,3,0,0,0,IT,medium +0.28,0.59,6,281,3,0,0,0,product_mng,medium +0.77,0.65,3,156,4,0,0,0,product_mng,medium +0.67,0.65,3,265,3,0,0,0,product_mng,medium +0.5,0.53,3,142,3,1,0,0,product_mng,medium +0.32,0.47,3,143,4,0,0,0,IT,medium +0.57,0.78,3,134,3,0,0,0,RandD,medium +0.51,0.8,5,268,3,0,0,0,RandD,medium +0.61,0.6,3,255,2,0,0,0,RandD,medium +0.83,0.73,4,157,2,0,0,0,RandD,medium +0.87,0.97,5,151,3,0,0,0,RandD,medium +0.7,0.63,3,157,2,0,0,0,RandD,medium +0.78,0.65,3,139,3,0,0,0,marketing,high +0.71,0.53,4,196,2,1,0,0,sales,low +0.68,0.99,3,159,2,0,0,0,accounting,medium +0.75,0.53,4,224,4,1,0,0,support,medium +0.7,0.53,3,215,7,1,0,0,technical,medium +0.59,0.94,5,157,7,1,0,0,management,medium +0.64,0.87,4,157,7,0,0,0,marketing,low +0.61,0.88,5,146,7,1,0,0,marketing,low +0.77,0.49,2,286,7,0,0,0,marketing,low +0.51,0.64,3,203,3,0,0,0,sales,low +0.49,0.49,3,168,7,0,0,0,sales,low +0.77,0.75,3,170,7,0,0,0,sales,low +0.31,0.86,3,266,7,0,0,0,sales,low +0.54,0.76,3,183,3,0,0,0,sales,low +0.56,0.66,4,264,3,0,0,0,sales,low +0.65,0.77,4,205,3,0,0,0,sales,low +0.49,0.36,2,192,3,0,0,0,sales,low +0.82,0.79,3,176,3,0,0,0,technical,low +0.6,0.52,3,183,2,0,0,0,support,low +0.64,0.63,3,156,6,1,0,0,support,low +0.7,0.68,3,150,3,0,0,0,support,low +0.65,0.89,4,204,8,1,0,0,support,low +0.69,0.78,5,131,8,0,0,0,support,low +0.93,0.74,5,248,8,1,0,0,support,low +0.55,0.52,4,168,8,0,0,0,support,low +0.75,0.87,4,146,8,1,0,0,support,low +0.47,0.43,4,246,3,0,0,0,support,low +0.72,0.88,5,216,10,1,0,0,support,medium +0.59,0.92,3,203,10,0,0,0,support,medium +0.98,0.49,3,199,10,0,0,0,technical,medium +0.39,0.52,2,102,8,0,0,0,technical,medium +0.93,0.87,4,139,8,0,0,0,technical,medium +0.71,0.97,5,208,8,1,0,0,management,medium +0.49,0.54,4,215,4,0,0,0,IT,medium +0.63,0.93,4,233,3,0,0,0,IT,medium +0.45,0.64,3,169,10,0,0,0,IT,medium +0.77,0.64,3,190,10,1,0,0,IT,medium +0.77,0.63,4,236,7,0,0,0,IT,medium +0.5,0.92,4,266,7,0,0,0,product_mng,medium +0.45,0.42,4,156,7,0,0,0,product_mng,high +0.81,0.47,4,153,7,0,0,0,product_mng,low +0.83,0.67,3,175,3,0,0,0,product_mng,medium +0.47,0.76,6,174,10,0,0,0,IT,medium +0.25,0.89,4,154,10,0,0,0,management,high +0.89,0.55,5,251,10,0,0,0,management,high +0.97,0.57,3,164,10,0,0,0,management,high +0.6,0.65,2,225,10,0,0,0,management,high +0.67,0.72,2,134,10,0,0,0,management,high +0.89,0.77,3,144,3,0,0,0,management,high +0.6,0.91,5,211,3,0,0,0,sales,low +0.64,0.79,4,139,3,0,0,0,sales,low +0.57,0.66,3,268,3,0,0,0,sales,low +0.56,0.98,5,171,3,1,0,0,sales,low +0.6,0.9,4,260,2,0,0,0,sales,medium +0.17,0.66,6,224,3,0,0,0,sales,medium +0.74,0.49,4,233,3,0,0,0,sales,medium +0.44,0.41,3,125,7,0,0,0,sales,medium +0.51,0.89,4,233,7,0,0,0,sales,medium +0.86,0.57,3,162,7,0,0,0,sales,medium +0.96,0.48,4,198,7,0,0,0,sales,medium +0.87,0.82,4,198,7,0,0,0,sales,medium +0.58,0.79,3,243,3,1,0,0,sales,medium +0.24,0.56,4,281,7,0,0,0,sales,medium +0.42,0.8,4,259,7,1,0,0,sales,medium +0.65,0.94,4,184,7,0,0,0,sales,medium +0.73,0.92,6,189,3,1,0,0,sales,medium +0.63,0.6,4,258,3,0,0,0,sales,medium +0.95,0.48,4,225,3,0,0,0,sales,medium +0.52,0.83,5,145,3,0,0,0,sales,medium +0.96,0.55,3,164,3,0,0,0,sales,medium +0.66,0.51,4,254,2,0,0,0,sales,medium +0.98,0.44,4,154,6,1,0,0,sales,medium +0.56,0.79,5,248,3,0,0,0,sales,medium +0.97,0.54,3,154,8,1,0,0,sales,medium +0.72,0.92,3,242,8,0,0,0,sales,medium +0.74,0.78,4,194,8,0,0,0,sales,medium +0.2,0.6,5,261,8,0,0,0,sales,medium +0.73,0.56,3,245,8,0,0,0,sales,medium +0.76,0.79,3,247,3,0,0,0,sales,low +0.65,0.54,4,147,10,0,0,0,sales,low +0.66,0.5,3,139,10,1,0,0,sales,low +0.96,0.97,6,137,10,0,0,0,sales,low +0.57,0.55,4,177,8,0,0,0,sales,low +0.61,0.82,4,184,8,0,0,0,IT,low +0.57,0.69,3,212,8,0,0,0,product_mng,low +0.59,0.47,3,159,4,0,0,0,product_mng,low +0.92,0.68,4,178,3,0,0,0,product_mng,low +0.79,0.56,3,149,10,0,0,0,product_mng,low +0.95,0.66,4,223,10,0,0,0,IT,low +0.24,0.81,6,263,7,0,0,0,management,high +0.49,0.52,4,161,7,0,0,0,management,high +0.49,0.68,3,192,7,0,0,0,management,high +0.97,0.51,5,215,7,0,0,0,management,high +0.55,0.78,4,261,3,0,0,0,management,high +0.76,0.56,5,222,10,0,0,0,management,high +0.53,0.99,3,223,10,0,0,0,marketing,low +0.51,0.86,3,182,10,0,0,0,sales,low +0.57,0.93,2,204,10,0,0,0,accounting,low +0.58,0.91,3,195,10,0,0,0,support,low +0.6,0.98,4,146,10,0,0,0,technical,low +0.65,0.74,4,233,4,1,0,0,management,low +0.91,0.75,2,147,3,0,0,0,marketing,low +0.65,0.55,3,156,5,0,0,0,marketing,low +0.18,0.49,3,240,2,1,0,0,marketing,low +0.66,0.9,4,177,7,0,0,0,sales,low +0.78,0.8,3,135,7,0,0,0,sales,medium +0.82,0.65,5,178,7,1,0,0,sales,medium +0.54,0.64,3,190,7,0,0,0,sales,medium +0.95,0.84,3,240,7,0,0,0,sales,medium +0.65,0.85,4,172,3,0,0,0,sales,medium +0.83,0.55,3,271,7,0,0,0,sales,medium +0.15,0.6,5,188,7,0,0,0,sales,medium +0.59,0.59,4,197,7,0,0,0,IT,medium +0.99,0.94,5,151,3,0,0,0,product_mng,medium +0.76,0.72,3,263,3,0,0,0,product_mng,medium +0.64,0.67,2,223,3,0,0,0,product_mng,medium +0.95,0.75,4,151,3,0,0,0,product_mng,medium +0.53,0.66,3,191,3,0,0,0,IT,high +0.59,0.5,2,162,2,0,0,0,management,high +0.69,0.86,5,195,6,0,0,0,management,high +0.5,0.49,4,222,3,0,0,0,management,high +0.89,0.96,3,179,8,0,0,0,management,high +0.56,0.39,3,106,8,0,0,0,management,high +0.77,0.68,3,214,8,1,0,0,management,high +0.15,0.75,3,259,8,1,0,0,marketing,high +0.88,0.58,3,145,8,0,0,0,sales,low +0.89,0.86,4,153,3,0,0,0,accounting,low +0.65,0.52,2,117,10,1,0,0,support,low +0.58,0.99,3,207,10,0,0,0,technical,low +0.56,0.85,3,265,10,1,0,0,management,low +0.25,0.72,5,279,8,0,0,0,marketing,low +0.87,0.89,4,225,8,0,0,0,marketing,low +0.62,0.4,3,158,8,1,0,0,marketing,low +0.72,0.75,4,211,4,0,0,0,sales,medium +0.49,0.94,4,175,3,0,0,0,sales,medium +0.57,0.91,4,224,10,0,0,0,sales,medium +0.63,0.65,3,190,10,0,0,0,sales,medium +0.91,0.63,5,240,7,0,0,0,sales,medium +0.7,0.68,5,225,7,0,0,0,sales,medium +0.66,0.95,5,192,7,0,0,0,sales,medium +0.77,0.48,5,262,7,0,0,0,IT,medium +0.68,0.97,3,250,3,1,0,0,product_mng,medium +0.34,0.46,3,155,10,0,0,0,product_mng,medium +0.97,0.64,4,238,10,1,0,0,product_mng,medium +0.57,0.75,4,249,10,0,0,0,product_mng,medium +0.66,0.65,3,272,10,0,0,0,IT,medium +0.68,0.67,4,162,10,0,0,0,management,high +0.49,0.78,4,254,10,0,0,0,management,high +0.72,0.66,4,184,3,0,0,0,management,high +0.77,0.89,4,269,10,0,0,0,management,high +0.77,0.73,3,201,10,0,0,0,management,high +0.59,0.73,4,247,10,0,0,0,management,high +0.41,0.67,6,221,10,0,0,0,marketing,medium +0.94,0.64,5,247,10,0,0,0,sales,medium +0.91,0.61,4,135,10,0,0,0,accounting,medium +0.7,0.84,3,260,4,1,0,0,support,medium +0.51,0.52,3,188,3,0,0,0,technical,high +0.22,0.7,4,159,5,0,0,0,management,low +0.69,0.65,3,153,2,0,0,0,marketing,medium +0.2,0.68,5,167,7,0,0,0,marketing,medium +0.9,0.85,3,158,7,0,0,0,marketing,medium +0.76,0.85,3,180,7,0,0,0,sales,medium +0.88,0.51,3,211,7,0,0,0,sales,medium +0.31,0.63,4,104,7,1,0,0,sales,medium +0.17,0.66,6,174,3,0,0,0,sales,medium +0.91,0.77,3,195,7,0,0,0,sales,medium +0.97,0.38,5,211,7,1,0,0,sales,medium +0.61,0.77,5,232,7,0,0,0,sales,medium +0.74,0.67,5,216,3,0,0,0,sales,low +0.65,0.82,5,265,3,0,0,0,IT,low +0.87,0.73,5,184,3,0,0,0,product_mng,low +0.56,0.71,5,244,3,0,0,0,product_mng,low +0.78,0.69,4,202,3,0,0,0,product_mng,low +0.73,0.57,3,146,2,0,0,0,product_mng,low +0.66,0.78,4,161,6,0,0,0,IT,low +0.15,0.81,5,280,3,1,0,0,RandD,high +0.52,0.69,5,208,8,1,0,0,RandD,low +0.44,0.66,6,134,8,0,0,0,RandD,high +0.7,0.7,3,162,8,0,0,0,RandD,high +0.63,0.52,5,209,8,1,0,0,RandD,low +0.89,0.59,3,265,8,0,0,0,RandD,low +0.96,0.85,4,173,3,0,0,0,marketing,high +0.98,0.99,4,261,10,1,0,0,sales,low +0.62,0.82,3,204,10,0,0,0,accounting,medium +0.62,0.73,3,144,10,1,0,0,support,high +0.69,0.43,5,113,8,0,0,0,technical,medium +0.5,0.91,4,144,8,0,0,0,management,medium +0.71,0.93,5,140,8,0,0,0,marketing,medium +0.5,0.68,3,245,4,0,0,0,marketing,medium +0.93,0.6,3,188,3,0,0,0,marketing,high +0.95,0.77,5,199,10,1,0,0,sales,medium +0.17,0.61,6,154,10,1,0,0,sales,medium +0.92,0.68,4,138,7,0,0,0,sales,medium +0.64,0.48,3,147,7,0,0,0,sales,high +0.27,0.42,6,173,7,0,0,0,sales,medium +0.66,0.87,3,223,7,0,0,0,sales,high +0.59,0.69,3,200,3,0,0,0,sales,low +0.93,0.98,4,189,10,0,0,0,sales,medium +0.58,0.67,5,133,10,0,0,0,technical,medium +0.96,0.6,3,160,10,0,0,0,support,medium +0.69,0.85,3,153,10,0,0,0,support,medium +0.41,0.38,4,142,10,1,0,0,support,low +0.36,0.41,3,167,10,0,0,0,support,low +0.71,0.78,4,227,2,0,0,0,support,low +0.94,0.9,4,144,4,0,0,0,support,low +0.51,0.76,4,140,3,0,0,0,support,low +0.83,0.48,4,220,3,1,0,0,support,low +0.22,0.62,3,180,3,0,0,0,support,low +0.66,0.89,4,173,4,0,0,0,support,low +0.14,0.58,3,179,5,0,0,0,support,low +0.16,0.96,5,137,5,1,0,0,technical,low +0.81,0.78,3,165,3,0,0,0,technical,high +0.73,0.94,3,177,3,0,0,0,technical,low +0.7,0.58,5,168,3,0,0,0,management,low +0.62,0.73,3,245,4,0,0,0,IT,low +0.5,0.83,5,258,2,0,0,0,IT,low +0.7,0.88,3,159,2,0,0,0,IT,high +0.53,0.73,3,163,3,1,0,0,IT,low +0.87,0.9,3,174,2,0,0,0,IT,low +0.59,0.6,3,214,2,1,0,0,product_mng,low +0.94,0.67,4,191,3,1,0,0,product_mng,high +0.2,0.53,5,272,5,0,0,0,product_mng,low +0.42,0.44,3,183,2,0,0,0,product_mng,medium +0.43,0.66,4,135,2,0,0,0,IT,high +0.43,0.76,6,154,2,0,0,0,management,high +0.77,0.86,5,238,3,0,0,0,management,high +0.76,0.98,2,235,3,0,0,0,management,high +0.82,0.9,3,215,4,0,0,0,management,high +0.75,0.66,5,234,2,0,0,0,management,high +0.63,0.98,4,187,3,0,0,0,management,high +0.51,0.75,3,133,3,0,0,0,sales,medium +0.23,0.7,3,123,5,0,0,0,sales,medium +0.77,0.58,4,202,3,0,0,0,sales,medium +0.54,0.63,4,140,3,0,0,0,sales,medium +0.63,0.85,4,182,3,1,0,0,sales,high +0.55,0.45,3,179,2,1,0,0,sales,low +0.31,0.63,3,150,3,1,0,0,sales,medium +0.98,0.74,4,151,3,0,0,0,sales,medium +0.16,0.95,6,117,7,0,0,0,sales,medium +0.54,0.78,3,156,7,0,0,0,sales,medium +0.73,0.48,3,211,7,0,0,0,sales,medium +0.16,0.63,6,286,7,0,0,1,sales,medium +0.57,0.82,5,233,7,0,0,1,sales,medium +0.88,0.88,4,222,3,1,0,1,sales,medium +0.95,0.81,4,258,7,0,0,1,sales,medium +0.93,0.7,5,231,7,0,0,1,sales,high +0.91,0.58,3,220,7,0,0,1,sales,low +0.77,0.82,4,134,3,0,0,1,sales,low +0.24,0.94,6,141,3,1,0,0,sales,low +0.74,0.74,5,160,3,1,0,0,sales,high +0.53,0.59,4,259,3,0,0,0,sales,low +0.89,0.77,5,232,3,0,0,0,sales,low +0.23,0.77,5,272,2,0,0,0,sales,low +0.69,0.66,3,215,6,0,0,0,sales,high +0.52,0.72,4,222,3,0,0,0,sales,low +0.9,0.58,3,244,8,0,0,0,sales,low +0.92,0.63,5,224,8,1,0,0,sales,low +0.72,0.59,5,200,8,1,0,0,sales,low +0.92,0.61,4,143,8,0,0,0,sales,low +0.79,0.86,5,238,8,0,0,0,sales,low +0.48,0.89,4,145,3,0,0,0,sales,low +0.27,0.76,4,108,10,0,0,0,sales,medium +0.67,0.49,3,247,10,0,0,0,sales,medium +0.48,0.7,3,213,10,0,0,0,sales,medium +0.99,0.6,4,209,8,1,0,0,IT,medium +0.49,0.88,4,240,8,0,0,0,product_mng,medium +0.39,0.45,3,100,8,1,0,0,product_mng,medium +0.99,0.92,4,265,4,1,0,0,product_mng,medium +0.78,0.57,3,209,3,0,0,0,product_mng,medium +0.5,0.73,3,154,10,0,0,0,IT,medium +0.61,0.79,5,230,10,0,0,0,management,high +0.88,0.6,4,208,7,0,0,1,management,high +0.44,0.44,2,141,7,1,0,1,management,high +0.73,0.78,3,262,7,1,0,1,management,high +0.58,0.84,4,206,7,0,0,1,management,high +0.74,0.98,3,166,3,1,0,1,management,high +0.32,0.48,4,117,10,0,0,1,marketing,medium +0.88,0.83,4,273,10,0,0,0,sales,medium +0.81,0.9,4,270,10,0,0,0,accounting,medium +0.59,0.92,3,138,10,0,0,0,support,low +0.79,0.65,3,235,10,0,0,0,technical,low +0.92,0.64,4,190,10,1,0,0,management,low +0.76,0.85,3,192,3,0,0,0,marketing,low +0.91,0.65,5,214,3,1,0,0,marketing,low +0.8,0.84,4,242,2,1,0,0,marketing,low +0.73,0.72,4,233,2,0,0,0,sales,low +0.88,0.53,3,218,4,0,0,0,sales,low +0.65,0.4,5,125,4,0,0,0,sales,low +0.84,0.5,4,178,2,0,0,0,sales,low +0.93,0.5,5,272,3,0,0,0,sales,low +0.64,0.6,3,265,4,0,0,0,sales,low +0.66,0.72,4,271,3,0,0,0,sales,low +0.76,0.56,3,179,3,1,0,0,sales,low +0.34,0.72,3,118,4,0,0,0,IT,low +0.48,0.8,4,196,5,0,0,0,product_mng,low +0.79,0.61,4,173,2,0,0,0,product_mng,low +0.82,0.67,4,156,3,0,0,0,product_mng,low +0.51,0.71,2,180,3,0,0,0,product_mng,low +0.84,0.78,4,263,3,0,0,0,IT,low +0.66,0.79,5,134,3,0,0,0,management,high +0.72,0.88,3,189,3,1,0,0,management,high +0.53,0.91,4,167,4,0,0,0,management,high +0.81,0.8,5,132,2,1,0,0,management,high +0.58,0.9,3,209,2,0,0,0,management,high +0.82,0.56,2,227,5,1,0,0,management,high +0.72,0.99,4,239,3,0,0,0,marketing,medium +0.9,0.54,4,172,4,0,0,0,sales,medium +0.98,0.91,3,188,4,0,0,0,accounting,medium +0.56,0.74,3,265,3,0,0,0,support,medium +0.77,0.82,3,153,3,1,0,0,technical,medium +0.61,0.89,4,242,2,0,0,0,management,medium +0.97,0.61,4,262,3,1,0,1,marketing,medium +0.64,0.55,3,246,2,0,0,1,marketing,high +0.99,0.97,4,211,2,0,0,1,marketing,low +0.61,0.42,3,145,4,0,0,1,sales,medium +0.72,0.71,4,256,3,0,0,1,sales,medium +0.67,0.91,2,245,2,1,0,1,sales,medium +0.9,0.56,3,151,3,0,0,0,sales,medium +0.9,0.73,4,245,2,0,0,0,sales,low +0.63,0.61,4,171,3,0,0,0,sales,low +0.64,0.88,3,252,2,0,0,0,sales,low +0.44,0.65,3,175,2,0,0,0,IT,low +0.64,0.94,4,210,3,0,0,0,product_mng,low +0.65,0.95,2,180,2,0,0,0,product_mng,low +0.69,0.9,5,103,5,0,0,0,product_mng,low +0.93,0.51,4,110,3,0,0,0,product_mng,low +0.73,0.9,5,184,3,0,0,0,IT,low +0.83,0.6,4,161,2,0,0,0,management,high +0.82,0.49,5,210,3,0,0,0,management,high +0.39,0.91,2,212,2,0,0,0,management,high +0.53,0.47,6,106,6,0,0,0,management,high +0.88,0.81,4,179,3,0,0,0,management,high +0.8,0.6,5,217,3,0,0,0,management,high +0.68,0.79,4,184,3,0,0,0,marketing,low +0.66,0.6,3,210,2,0,0,0,sales,low +0.61,0.61,4,246,2,0,0,0,accounting,low +0.74,0.55,4,262,3,0,0,0,support,low +0.61,0.83,4,245,3,1,0,1,technical,low +0.57,0.99,3,222,3,1,0,1,management,low +0.68,0.54,4,146,4,0,0,1,marketing,medium +0.75,0.79,4,263,3,0,0,1,marketing,medium +0.29,0.57,5,134,2,0,0,1,marketing,medium +0.81,0.81,5,250,4,0,0,1,sales,medium +0.53,0.68,4,173,3,0,0,0,sales,medium +0.42,0.96,6,173,3,0,0,0,sales,medium +0.64,0.67,4,252,3,1,0,0,sales,medium +0.63,0.5,2,230,4,0,0,0,sales,medium +0.81,0.81,4,212,2,1,0,0,sales,medium +0.71,0.66,5,187,2,0,0,0,sales,medium +0.7,0.83,5,241,2,0,0,0,sales,medium +0.53,1,3,164,4,0,0,0,IT,medium +0.16,0.93,6,218,6,1,0,0,product_mng,high +0.17,0.55,4,194,3,0,0,0,product_mng,low +0.7,0.95,3,158,2,0,0,0,product_mng,medium +0.43,0.88,2,149,4,0,0,0,product_mng,medium +0.49,0.62,4,161,2,0,0,0,IT,medium +0.5,0.9,5,226,2,0,0,0,management,high +0.57,0.59,2,111,2,0,0,0,management,high +0.68,0.75,4,258,3,0,0,0,management,high +0.62,0.61,3,266,2,0,0,0,management,high +0.69,0.75,3,253,3,0,0,0,management,high +0.63,0.7,5,160,3,0,0,0,management,high +0.76,0.62,5,230,3,1,0,0,marketing,low +0.62,0.76,5,198,3,0,0,0,sales,low +0.82,0.69,3,250,3,0,0,0,accounting,low +0.2,0.7,4,225,5,0,0,0,support,low +0.16,0.7,3,178,3,1,0,0,technical,low +0.2,0.78,4,196,3,0,0,0,management,low +0.53,0.51,4,240,2,0,0,0,marketing,low +0.71,0.63,3,204,3,0,0,0,marketing,low +0.7,0.93,3,250,3,0,0,0,marketing,low +0.92,0.94,2,224,2,0,0,0,sales,low +0.81,0.92,4,268,3,0,0,0,sales,low +0.79,0.62,5,167,3,0,0,0,sales,low +0.53,0.64,3,168,3,0,0,0,sales,low +0.51,0.56,4,168,2,0,0,0,sales,low +0.78,0.9,5,158,3,0,0,0,sales,low +0.5,0.91,3,240,3,0,0,0,sales,low +0.92,1,4,261,4,0,0,0,sales,medium +0.59,0.54,4,176,2,0,0,0,technical,medium +0.77,0.55,3,217,3,0,0,0,support,medium +0.74,0.87,5,224,2,0,0,0,support,medium +0.67,0.97,4,196,3,0,0,0,support,medium +0.56,0.59,3,223,3,0,0,0,support,medium +0.84,0.44,5,131,5,1,0,0,support,medium +0.53,0.77,2,167,2,0,0,0,support,medium +0.86,0.71,5,273,3,0,0,0,support,medium +0.77,0.68,3,98,3,0,0,0,support,medium +0.97,0.94,4,253,3,0,0,0,support,medium +0.69,0.87,5,174,3,0,0,0,support,medium +0.73,0.9,3,274,2,0,0,0,support,high +0.42,0.47,6,174,5,0,0,0,technical,low +0.4,0.47,5,173,5,0,0,0,technical,medium +0.33,0.41,2,198,4,0,0,0,technical,medium +0.68,0.66,3,238,2,0,0,0,management,medium +0.78,0.8,3,256,2,0,0,0,IT,medium +0.92,0.6,3,179,2,0,0,0,IT,low +0.66,0.66,4,273,4,1,0,0,IT,low +0.6,0.45,3,104,4,0,0,0,IT,low +0.86,0.83,4,208,3,1,0,0,IT,low +0.61,0.49,3,275,2,0,0,0,product_mng,low +0.71,0.68,3,231,2,1,0,0,product_mng,low +0.86,0.62,4,186,3,0,0,0,product_mng,low +0.96,0.59,3,241,3,0,0,0,product_mng,low +0.7,0.54,3,194,2,1,0,0,IT,low +0.38,0.49,4,196,3,0,0,1,management,high +0.39,0.75,6,185,3,0,0,1,management,high +0.49,0.4,2,148,2,1,0,1,management,high +0.78,0.62,4,150,3,0,0,1,management,high +0.74,0.79,5,121,5,0,0,1,management,high +0.82,0.76,4,266,3,0,0,1,management,high +0.6,0.42,2,109,6,0,0,0,sales,low +0.72,0.99,3,143,4,0,0,0,sales,low +0.73,0.97,3,174,3,0,0,0,sales,low +0.89,0.55,4,159,2,0,0,0,sales,medium +0.74,0.94,4,157,2,0,0,0,sales,medium +0.83,0.57,2,222,2,0,0,0,sales,medium +0.24,0.88,5,199,5,1,0,0,sales,medium +0.93,0.89,3,255,7,1,0,0,sales,medium +0.96,0.62,4,253,7,0,0,0,sales,medium +0.16,0.68,5,149,7,1,0,0,sales,medium +0.21,0.85,6,285,7,0,0,0,sales,medium +0.69,0.54,3,164,7,0,0,0,sales,medium +0.66,0.96,3,243,3,1,0,0,sales,medium +0.67,0.39,2,207,7,0,0,0,sales,medium +0.85,0.58,4,186,7,0,0,0,sales,medium +0.37,0.92,4,211,7,0,0,0,sales,high +0.64,0.64,2,190,3,0,0,0,sales,low +0.91,0.82,2,241,3,0,0,0,sales,medium +0.96,0.68,3,206,3,0,0,0,sales,medium +0.74,0.7,4,273,3,0,0,0,sales,medium +0.94,0.99,2,157,3,0,0,0,sales,medium +0.37,0.72,3,183,2,0,0,0,sales,low +0.92,0.85,3,151,6,1,0,0,sales,low +0.86,0.72,3,217,3,0,0,0,sales,low +0.66,0.49,5,235,8,1,0,0,sales,low +0.19,0.61,4,127,8,0,0,0,sales,low +0.65,0.61,5,167,8,0,0,0,sales,low +0.92,0.44,3,260,8,0,0,0,sales,low +0.83,0.8,3,240,8,0,0,0,sales,low +0.94,0.82,4,187,3,0,0,0,sales,low +0.42,0.69,3,126,2,0,0,0,sales,low +0.78,0.53,6,168,3,0,0,0,sales,low +0.58,0.76,4,197,5,0,0,0,sales,low +0.5,0.64,2,170,8,0,0,0,sales,low +0.82,0.76,3,219,8,1,0,0,IT,low +0.97,0.92,6,137,8,1,0,0,product_mng,low +0.8,0.93,3,225,4,0,0,0,product_mng,low +0.82,0.84,3,194,3,0,0,0,product_mng,low +0.95,0.99,5,251,4,0,0,0,product_mng,low +0.88,0.51,5,195,4,0,0,0,IT,low +0.5,0.86,3,180,7,0,0,1,management,high +0.53,0.8,2,225,7,1,0,1,management,high +0.82,0.74,3,229,7,0,0,1,management,high +0.15,0.74,6,144,7,0,0,1,management,high +0.92,0.7,3,129,3,0,0,1,management,high +0.53,0.74,3,172,10,0,0,1,management,high +0.58,1,4,220,10,0,0,0,marketing,medium +0.88,0.74,3,273,10,0,0,0,sales,medium +0.85,0.72,3,245,10,0,0,0,accounting,medium +0.99,0.68,5,264,10,1,0,0,support,medium +0.94,0.73,3,268,10,0,0,0,technical,medium +0.63,0.94,3,172,3,0,0,0,management,medium +0.85,0.9,3,245,3,0,0,0,marketing,medium +0.95,0.66,5,192,3,0,0,0,marketing,medium +0.71,0.66,3,268,4,0,0,0,marketing,high +0.49,0.88,4,244,3,0,0,0,sales,low +0.71,0.69,4,222,4,0,0,0,sales,medium +0.52,0.62,5,239,2,0,0,0,sales,medium +0.48,0.72,3,143,4,0,0,0,sales,medium +0.82,0.79,3,160,3,0,0,0,sales,medium +0.83,0.76,2,255,7,0,0,0,sales,low +0.85,0.87,4,152,7,0,0,0,sales,low +0.57,0.64,4,226,7,0,0,0,sales,low +0.16,0.63,5,266,7,0,0,0,IT,low +0.85,0.64,5,256,7,0,0,0,product_mng,low +0.82,0.67,3,198,3,1,0,0,product_mng,low +0.9,0.89,4,254,7,0,0,0,product_mng,low +0.92,0.64,2,104,7,0,0,0,product_mng,low +0.9,0.48,4,136,7,0,0,0,IT,low +0.82,0.8,5,205,3,0,0,0,IT,low +0.84,0.81,4,236,3,1,0,0,IT,low +0.92,0.65,3,176,3,0,0,0,IT,low +0.82,0.82,3,148,3,0,0,0,IT,low +0.8,0.8,4,146,3,1,0,0,IT,low +0.6,0.85,3,242,2,0,0,0,IT,low +0.14,0.38,5,115,6,1,0,0,marketing,high +0.85,0.89,4,150,3,0,0,0,accounting,high +0.55,0.81,3,239,8,0,0,0,accounting,high +0.49,0.71,4,178,8,0,0,0,IT,medium +0.82,0.58,5,263,8,0,0,0,IT,medium +0.59,0.77,3,272,8,0,0,0,management,high +0.9,0.82,3,133,8,0,0,0,marketing,medium +0.62,0.72,3,149,3,1,0,0,marketing,medium +0.61,0.68,3,193,2,0,0,0,marketing,medium +0.52,0.55,5,174,3,1,0,0,sales,medium +0.79,0.87,4,223,5,0,0,0,sales,medium +0.49,0.89,4,201,8,0,0,0,sales,medium +0.73,0.67,2,139,8,0,0,0,sales,medium +0.67,0.49,5,241,8,0,0,0,sales,medium +0.52,0.61,4,187,4,1,0,0,sales,medium +0.72,0.64,4,192,3,0,0,0,sales,medium +0.48,0.5,5,142,4,0,0,0,IT,medium +0.19,0.79,4,229,4,0,0,0,product_mng,medium +0.49,0.49,3,104,7,0,0,0,product_mng,high +0.9,0.76,3,255,7,0,0,0,product_mng,low +0.49,0.49,4,212,7,0,0,0,product_mng,medium +0.6,0.53,2,235,7,0,0,0,IT,medium +0.62,0.85,3,237,3,1,0,0,IT,medium +0.64,0.5,4,253,10,0,0,1,management,high +0.22,0.94,3,193,10,0,0,1,management,high +0.9,0.55,3,259,10,1,0,1,management,high +0.74,0.95,5,266,10,0,0,1,management,high +0.85,0.54,3,185,10,0,0,1,management,high +0.33,0.65,3,172,10,0,0,1,marketing,high +0.5,0.73,4,180,3,0,0,0,IT,low +0.38,0.53,2,157,3,0,1,0,sales,low +0.8,0.86,5,262,6,0,1,0,sales,medium +0.11,0.88,7,272,4,0,1,0,sales,medium +0.72,0.87,5,223,5,0,1,0,sales,low +0.37,0.52,2,159,3,0,1,0,sales,low +0.41,0.5,2,153,3,0,1,0,sales,low +0.1,0.77,6,247,4,0,1,0,sales,low +0.92,0.85,5,259,5,0,1,0,sales,low +0.89,1,5,224,5,0,1,0,sales,low +0.42,0.53,2,142,3,0,1,0,sales,low +0.45,0.54,2,135,3,0,1,0,sales,low +0.11,0.81,6,305,4,0,1,0,sales,low +0.84,0.92,4,234,5,0,1,0,sales,low +0.41,0.55,2,148,3,0,1,0,sales,low +0.36,0.56,2,137,3,0,1,0,sales,low +0.38,0.54,2,143,3,0,1,0,sales,low +0.45,0.47,2,160,3,0,1,0,sales,low +0.78,0.99,4,255,6,0,1,0,sales,low +0.45,0.51,2,160,3,1,1,1,sales,low +0.76,0.89,5,262,5,0,1,0,sales,low +0.11,0.83,6,282,4,0,1,0,sales,low +0.38,0.55,2,147,3,0,1,0,sales,low +0.09,0.95,6,304,4,0,1,0,sales,low +0.46,0.57,2,139,3,0,1,0,sales,low +0.4,0.53,2,158,3,0,1,0,sales,low +0.89,0.92,5,242,5,0,1,0,sales,low +0.82,0.87,4,239,5,0,1,0,sales,low +0.4,0.49,2,135,3,0,1,0,sales,low +0.41,0.46,2,128,3,0,1,0,accounting,low +0.38,0.5,2,132,3,0,1,0,accounting,low +0.09,0.62,6,294,4,0,1,0,accounting,low +0.45,0.57,2,134,3,0,1,0,hr,low +0.4,0.51,2,145,3,0,1,0,hr,low +0.45,0.55,2,140,3,0,1,0,hr,low +0.84,0.87,4,246,6,0,1,0,hr,low +0.1,0.94,6,255,4,0,1,0,technical,low +0.38,0.46,2,137,3,0,1,0,technical,low +0.45,0.5,2,126,3,0,1,0,technical,low +0.11,0.89,6,306,4,0,1,0,technical,low +0.41,0.54,2,152,3,0,1,0,technical,low +0.87,0.88,5,269,5,0,1,0,technical,low +0.45,0.48,2,158,3,0,1,0,technical,low +0.4,0.46,2,127,3,0,1,0,technical,low +0.1,0.8,7,281,4,0,1,0,technical,low +0.09,0.89,6,276,4,0,1,0,technical,low +0.84,0.74,3,182,4,0,1,0,technical,low +0.4,0.55,2,147,3,0,1,0,support,low +0.57,0.7,3,273,6,0,1,0,support,low +0.4,0.54,2,148,3,0,1,0,support,low +0.43,0.47,2,147,3,0,1,0,support,low +0.13,0.78,6,152,2,0,1,0,support,low +0.44,0.55,2,135,3,0,1,0,support,low +0.38,0.55,2,134,3,0,1,0,support,low +0.39,0.54,2,132,3,0,1,0,support,low +0.1,0.92,7,307,4,0,1,0,support,low +0.37,0.46,2,140,3,0,1,0,support,low +0.11,0.94,7,255,4,0,1,0,support,low +0.1,0.81,6,309,4,0,1,0,technical,low +0.38,0.54,2,128,3,0,1,0,technical,low +0.85,1,4,225,5,0,1,0,technical,low +0.85,0.91,5,226,5,0,1,0,management,medium +0.11,0.93,7,308,4,0,1,0,IT,medium +0.1,0.95,6,244,5,0,1,0,IT,medium +0.36,0.56,2,132,3,0,1,0,IT,medium +0.11,0.94,6,286,4,0,1,0,IT,medium +0.81,0.7,6,161,4,0,1,0,IT,medium +0.43,0.54,2,153,3,0,1,0,product_mng,medium +0.9,0.98,4,264,6,0,1,0,product_mng,medium +0.76,0.86,5,223,5,1,1,0,product_mng,medium +0.43,0.5,2,135,3,0,1,0,product_mng,medium +0.74,0.99,2,277,3,0,1,0,IT,medium +0.09,0.77,5,275,4,0,1,0,product_mng,medium +0.45,0.49,2,149,3,0,1,0,product_mng,high +0.09,0.87,7,295,4,0,1,0,product_mng,low +0.11,0.97,6,277,4,0,1,0,product_mng,medium +0.11,0.79,7,306,4,0,1,0,product_mng,medium +0.1,0.83,6,295,4,0,1,0,product_mng,medium +0.4,0.54,2,137,3,0,1,0,marketing,medium +0.43,0.56,2,157,3,0,1,0,sales,low +0.39,0.56,2,142,3,0,1,0,accounting,low +0.45,0.54,2,140,3,0,1,0,support,low +0.38,0.49,2,151,3,0,1,0,technical,low +0.79,0.59,4,139,3,0,1,1,management,low +0.84,0.85,4,249,6,0,1,0,marketing,low +0.11,0.77,6,291,4,0,1,0,marketing,low +0.11,0.87,6,305,4,0,1,0,marketing,low +0.17,0.84,5,232,3,0,1,0,sales,low +0.44,0.45,2,132,3,0,1,0,sales,low +0.37,0.57,2,130,3,0,1,0,sales,low +0.1,0.79,6,291,4,0,1,0,sales,low +0.4,0.5,2,130,3,0,1,0,sales,low +0.89,1,5,246,5,0,1,0,sales,low +0.42,0.48,2,143,3,0,1,0,sales,low +0.46,0.55,2,129,3,0,1,0,sales,low +0.09,0.83,6,255,4,0,1,0,sales,low +0.37,0.51,2,155,3,0,1,0,sales,low +0.1,0.77,6,265,4,0,1,0,sales,low +0.1,0.84,6,279,4,0,1,0,sales,low +0.11,0.97,6,284,4,0,1,0,sales,low +0.9,1,5,221,6,0,1,0,sales,medium +0.38,0.52,2,154,3,0,1,0,sales,medium +0.36,0.52,2,147,3,0,1,0,sales,medium +0.42,0.46,2,150,3,0,1,0,sales,medium +0.09,0.94,7,267,4,0,1,0,sales,medium +0.43,0.52,2,158,3,0,1,0,sales,medium +0.24,0.46,7,224,5,0,1,0,accounting,medium +0.91,1,4,257,5,0,1,0,accounting,medium +0.44,0.5,2,148,3,0,1,0,accounting,medium +0.71,0.87,3,177,4,0,1,0,hr,medium +0.4,0.49,2,155,3,0,1,0,hr,medium +0.43,0.47,2,144,3,0,1,0,hr,medium +0.09,0.85,6,289,4,0,1,0,hr,high +0.43,0.52,2,160,3,0,1,0,technical,low +0.9,0.96,4,258,5,0,1,0,technical,medium +0.84,1,5,234,5,0,1,0,technical,medium +0.37,0.48,2,137,3,0,1,0,technical,medium +0.86,0.68,5,263,2,0,1,0,technical,medium +0.11,0.84,6,251,4,0,1,0,technical,low +0.37,0.57,2,133,3,0,1,0,technical,low +0.4,0.46,2,132,3,0,1,0,technical,low +0.14,0.62,4,158,4,1,1,0,technical,low +0.4,0.46,2,135,3,0,1,0,technical,low +0.75,1,4,216,6,0,1,0,technical,low +0.11,0.84,6,300,5,1,1,0,support,low +0.46,0.49,2,138,3,0,1,0,support,low +0.11,0.92,6,260,4,0,1,0,support,low +0.38,0.49,2,132,3,0,1,0,support,low +0.7,0.89,3,183,5,0,1,0,support,low +0.09,0.82,6,250,4,0,1,0,support,low +0.37,0.45,2,151,3,0,1,0,support,low +0.1,0.83,6,292,4,0,1,0,support,low +0.38,0.57,2,140,3,0,1,0,support,low +0.9,1,5,221,5,0,1,0,support,low +0.44,0.51,2,138,3,0,1,0,support,low +0.36,0.5,2,132,3,0,1,0,technical,low +0.31,0.84,7,133,5,0,1,0,technical,low +0.1,0.84,6,283,4,1,1,0,technical,low +0.42,0.48,2,129,3,0,1,0,management,low +0.74,1,4,249,5,0,1,0,IT,low +0.73,0.87,5,257,5,0,1,0,IT,low +0.09,0.96,6,245,4,0,1,0,IT,low +0.45,0.53,2,155,3,0,1,0,IT,low +0.11,0.8,6,256,4,0,1,0,IT,low +0.37,0.47,2,152,3,0,1,0,product_mng,low +0.84,0.99,4,267,5,0,1,0,product_mng,low +0.41,0.46,2,151,3,0,1,0,product_mng,low +0.76,0.92,4,239,5,0,1,0,product_mng,low +0.11,0.87,6,306,4,0,1,0,IT,low +0.84,0.88,4,263,5,1,1,0,marketing,low +0.39,0.5,2,147,3,0,1,0,marketing,low +0.11,0.91,6,278,4,0,1,0,marketing,low +0.45,0.56,2,154,3,0,1,0,marketing,low +0.37,0.52,2,143,3,0,1,0,marketing,low +0.4,0.52,2,155,3,0,1,0,marketing,low +0.39,0.48,2,160,3,0,1,0,sales,low +0.11,0.8,6,304,4,0,1,0,accounting,low +0.83,1,5,240,5,0,1,0,support,low +0.11,0.92,6,305,4,0,1,0,technical,low +0.39,0.5,2,136,3,0,1,0,management,low +0.45,0.45,2,132,3,0,1,0,marketing,low +0.1,0.95,7,301,4,0,1,0,marketing,low +0.9,0.98,5,243,6,0,1,0,marketing,low +0.45,0.51,2,147,3,0,1,0,sales,low +0.79,0.89,5,239,5,0,1,0,sales,low +0.9,0.99,5,260,5,0,1,0,sales,low +0.11,0.84,7,296,4,0,1,0,sales,low +0.43,0.55,2,129,3,0,1,0,sales,low +0.31,0.54,5,132,5,0,1,0,sales,low +0.32,0.5,2,135,5,0,1,0,sales,low +0.45,0.57,2,158,3,0,1,0,sales,low +0.81,0.99,4,259,5,0,1,0,sales,low +0.41,0.46,2,160,3,0,1,1,sales,low +0.11,0.78,7,278,4,0,1,0,sales,low +0.1,0.88,6,284,4,0,1,0,sales,low +0.7,0.53,2,274,4,0,1,0,sales,low +0.54,0.74,4,164,2,0,1,0,sales,low +0.41,0.48,2,148,3,0,1,0,sales,low +0.38,0.5,2,140,3,0,1,0,sales,medium +0.37,0.51,2,127,3,0,1,0,sales,medium +0.11,0.85,6,308,5,0,1,0,sales,medium +0.4,0.47,2,146,3,0,1,0,sales,medium +0.1,0.84,6,261,4,0,1,0,accounting,medium +0.89,0.99,5,257,5,0,1,0,accounting,medium +0.11,0.8,6,285,4,0,1,0,accounting,medium +0.36,0.55,2,141,3,0,1,0,hr,medium +0.4,0.46,2,127,3,0,1,0,hr,medium +0.09,0.85,6,297,4,0,1,0,hr,medium +0.4,0.46,2,143,3,0,1,0,hr,medium +0.37,0.55,2,152,3,0,1,0,technical,medium +0.44,0.51,2,156,3,0,1,0,technical,high +0.09,0.8,7,283,5,0,1,0,technical,low +0.92,0.87,4,226,6,1,1,0,technical,medium +0.74,0.91,4,232,5,0,1,0,technical,medium +0.09,0.82,6,249,4,0,1,0,technical,medium +0.89,0.95,4,275,5,0,1,0,technical,medium +0.09,0.8,6,304,4,0,1,0,technical,low +0.27,0.54,7,278,3,0,1,0,technical,low +0.1,0.91,6,287,4,0,1,0,technical,low +0.1,0.89,7,285,4,0,1,0,technical,low +0.77,0.94,5,226,6,0,1,0,support,low +0.9,0.82,5,259,5,0,1,0,support,low +0.39,0.5,2,135,3,0,1,0,support,low +0.76,1,5,219,5,0,1,0,support,low +0.1,0.93,6,256,4,0,1,0,support,low +0.87,0.9,5,254,6,0,1,0,support,low +0.38,0.5,2,153,3,0,1,0,support,low +0.77,0.99,5,228,5,0,1,0,support,low +0.78,0.87,4,228,5,0,1,0,support,low +0.44,0.5,2,128,3,0,1,0,support,low +0.38,0.52,2,153,3,0,1,0,support,low +0.43,0.46,2,156,3,0,1,0,technical,low +0.39,0.5,4,294,3,0,1,0,technical,low +0.88,1,5,219,5,0,1,0,technical,low +0.45,0.46,2,153,3,0,1,0,management,low +0.4,0.53,2,151,3,0,1,0,IT,low +0.36,0.51,2,155,3,0,1,0,IT,low +0.36,0.48,2,158,3,0,1,0,IT,low +0.9,0.98,5,245,5,0,1,0,IT,low +0.43,0.53,2,131,3,0,1,0,IT,low +0.89,0.87,5,225,5,0,1,0,product_mng,low +0.1,0.84,6,286,4,0,1,0,product_mng,low +0.37,0.5,2,135,3,0,1,0,product_mng,low +0.37,0.51,2,153,3,0,1,0,product_mng,low +0.87,0.9,5,252,5,0,1,0,IT,low +0.4,0.56,2,149,3,0,1,0,accounting,low +0.9,0.97,4,258,5,0,1,0,accounting,low +0.37,0.46,2,158,3,0,1,0,hr,low +0.44,0.54,2,149,3,0,1,0,hr,low +0.85,0.95,5,236,5,0,1,0,hr,low +0.78,0.98,5,239,6,0,1,0,marketing,low +0.42,0.47,2,159,3,0,1,0,marketing,low +0.92,0.99,5,255,6,0,1,0,sales,low +0.11,0.83,6,244,4,0,1,0,accounting,low +0.42,0.56,2,134,3,0,1,0,support,low +0.48,0.57,4,270,4,0,1,0,technical,low +0.83,0.85,4,255,5,0,1,0,management,low +0.4,0.53,2,151,3,0,1,0,marketing,low +0.43,0.45,2,135,3,0,1,0,marketing,low +0.43,0.53,2,146,3,0,1,0,marketing,low +0.1,0.97,7,254,4,0,1,0,sales,low +0.1,0.87,7,289,4,0,1,0,sales,low +0.37,0.46,2,156,3,0,1,0,sales,low +0.38,0.53,2,156,3,0,1,0,sales,low +0.4,0.5,2,128,3,0,1,0,sales,low +0.89,0.86,5,275,5,0,1,0,sales,low +0.45,0.46,2,155,3,0,1,0,sales,low +0.37,0.48,2,159,3,0,1,0,sales,low +0.46,0.49,2,148,3,0,1,0,sales,low +0.87,0.91,4,228,5,0,1,0,sales,low +0.11,0.84,6,298,4,0,1,0,sales,low +0.79,0.87,5,261,5,0,1,0,sales,low +0.79,0.92,5,254,6,0,1,0,sales,low +0.19,0.59,7,192,3,0,1,0,sales,low +0.87,0.98,4,248,5,0,1,0,sales,low +0.6,0.92,2,258,5,0,1,0,sales,low +0.44,0.45,2,156,3,0,1,0,sales,medium +0.11,0.81,6,266,4,1,1,0,sales,medium +0.42,0.54,2,156,3,0,1,0,sales,medium +0.88,0.88,5,232,5,1,1,0,accounting,medium +0.11,0.84,6,287,4,0,1,0,accounting,medium +0.46,0.46,2,154,3,0,1,0,accounting,medium +0.82,0.97,5,263,5,0,1,0,hr,medium +0.44,0.56,2,131,3,0,1,0,hr,medium +0.11,0.78,6,260,4,0,1,0,hr,medium +0.42,0.5,2,139,3,0,1,0,hr,medium +0.84,0.93,4,251,5,0,1,0,technical,medium +0.11,0.95,6,286,4,0,1,0,technical,medium +0.45,0.53,2,129,3,0,1,0,technical,high +0.38,0.56,2,156,3,0,1,0,technical,low +0.38,0.86,6,139,6,0,1,0,technical,medium +0.44,0.51,2,127,3,0,1,0,technical,medium +0.11,0.84,6,251,4,0,1,0,technical,medium +0.81,0.93,5,270,5,0,1,0,technical,medium +0.09,0.96,6,296,4,0,1,0,technical,low +0.11,0.9,6,254,4,0,1,0,technical,low +0.81,0.95,5,238,6,0,1,0,technical,low +0.1,0.97,6,267,4,1,1,0,support,low +0.74,0.89,5,229,6,0,1,0,support,low +0.09,0.78,6,254,4,0,1,0,support,low +0.82,0.81,4,233,4,1,1,0,support,low +0.1,0.98,6,268,4,0,1,0,support,low +0.27,0.56,3,301,3,0,1,0,support,low +0.83,0.92,5,267,6,0,1,0,support,low +0.1,0.93,6,289,4,1,1,0,support,low +0.38,0.47,2,144,3,0,1,0,support,low +0.4,0.56,2,148,3,0,1,0,support,low +0.11,0.83,6,306,4,0,1,0,support,low +0.11,0.79,6,292,4,0,1,1,technical,low +0.82,0.91,5,232,5,0,1,0,technical,low +0.36,0.48,2,137,3,0,1,0,technical,low +0.4,0.46,2,128,3,0,1,0,management,low +0.87,0.84,5,231,5,0,1,0,IT,low +0.41,0.49,2,146,3,0,1,0,IT,low +0.11,0.91,6,308,4,1,1,0,IT,low +0.1,0.93,6,253,4,0,1,0,IT,medium +0.38,0.51,2,146,3,0,1,0,IT,medium +0.39,0.55,2,156,3,0,1,0,product_mng,medium +0.4,0.52,2,147,3,0,1,0,product_mng,medium +0.45,0.48,2,136,3,0,1,0,product_mng,medium +0.74,0.84,5,249,5,0,1,0,product_mng,medium +0.45,0.55,2,151,3,0,1,0,IT,medium +0.12,1,3,278,4,0,1,0,RandD,medium +0.1,0.77,7,250,5,0,1,0,RandD,medium +0.37,0.55,2,127,3,0,1,0,RandD,medium +0.89,0.87,5,255,5,0,1,0,RandD,medium +0.45,0.47,2,135,3,0,1,0,RandD,medium +0.37,0.46,2,149,3,0,1,0,marketing,high +0.11,0.81,5,287,4,0,1,0,sales,low +0.41,0.48,2,145,3,0,1,0,accounting,medium +0.1,0.94,6,285,4,0,1,0,support,medium +0.1,0.93,7,305,4,0,1,0,technical,medium +0.11,0.95,7,300,4,0,1,0,management,medium +0.4,0.54,2,139,3,0,1,0,marketing,low +0.41,0.49,2,130,3,0,1,0,marketing,low +0.1,0.81,6,268,4,0,1,0,marketing,low +0.73,0.86,4,245,6,0,1,0,sales,low +0.43,0.47,2,135,3,0,1,0,sales,low +0.37,0.46,2,153,3,0,1,0,sales,low +0.11,0.94,6,276,4,0,1,0,sales,low +0.4,0.46,2,130,3,0,1,0,sales,low +0.41,0.54,2,153,3,1,1,0,sales,low +0.82,0.84,5,244,5,0,1,0,sales,low +0.61,0.47,2,253,3,0,1,0,sales,low +0.11,0.91,7,287,4,0,1,0,sales,low +0.37,0.45,2,131,3,0,1,0,sales,low +0.41,0.52,2,135,3,0,1,0,sales,low +0.37,0.52,2,157,3,0,1,0,sales,low +0.88,0.99,5,262,6,0,1,0,sales,low +0.1,0.85,6,266,4,0,1,0,sales,low +0.44,0.48,2,148,3,0,1,0,sales,low +0.38,0.57,2,140,3,0,1,0,sales,low +0.11,0.85,7,302,4,0,1,0,sales,low +0.09,0.98,6,271,4,0,1,0,sales,low +0.45,0.52,2,145,3,0,1,0,sales,medium +0.1,0.81,6,290,4,0,1,0,accounting,medium +0.45,0.47,2,151,3,0,1,0,accounting,medium +0.77,0.87,5,266,5,0,1,0,accounting,medium +0.44,0.51,2,140,3,0,1,0,hr,medium +0.39,0.5,2,142,3,0,1,0,hr,medium +0.1,0.91,6,246,4,0,1,0,hr,medium +0.09,0.89,7,308,5,0,1,0,hr,medium +0.37,0.47,2,141,3,0,1,0,technical,medium +0.9,1,5,232,5,0,1,0,technical,medium +0.41,0.56,2,143,3,0,1,0,technical,medium +0.37,0.52,2,155,3,0,1,0,technical,medium +0.1,0.86,6,278,4,0,1,0,technical,high +0.81,1,4,253,5,0,1,0,technical,low +0.11,0.8,6,282,4,0,1,0,technical,medium +0.11,0.84,7,264,4,0,1,0,technical,medium +0.4,0.46,2,149,3,0,1,0,technical,medium +0.09,0.8,6,304,5,0,1,0,technical,medium +0.48,0.93,3,219,6,0,1,0,technical,low +0.91,0.91,4,262,6,0,1,0,support,low +0.43,0.57,2,135,3,0,1,0,support,low +0.33,0.88,6,219,5,0,1,0,support,low +0.41,0.57,2,136,3,0,1,0,support,low +0.41,0.55,2,154,3,0,1,0,support,low +0.37,0.54,2,149,3,0,1,0,support,low +0.31,0.62,6,135,5,0,1,0,support,low +0.09,0.91,6,275,4,0,1,0,support,low +0.1,0.87,6,290,4,0,1,0,support,low +0.76,0.9,4,263,5,0,1,0,support,low +0.41,0.54,2,145,3,0,1,0,support,low +0.72,0.96,5,267,5,0,1,0,technical,low +0.4,0.5,2,141,3,1,1,0,technical,low +0.91,0.87,4,235,5,0,1,0,technical,low +0.1,0.83,6,258,4,0,1,0,management,low +0.4,0.56,2,131,3,0,1,0,IT,low +0.82,0.86,5,243,5,0,1,0,IT,low +0.1,0.82,6,266,4,0,1,0,IT,low +0.37,0.45,2,142,3,0,1,0,IT,low +0.36,0.51,2,135,3,0,1,0,IT,low +0.39,0.48,2,141,3,0,1,0,product_mng,medium +0.36,0.57,2,142,3,0,1,0,product_mng,medium +0.86,0.84,5,254,5,0,1,0,product_mng,medium +0.73,0.99,5,262,5,0,1,0,product_mng,medium +0.56,0.71,4,296,2,0,1,0,IT,medium +0.44,0.56,2,158,3,0,1,0,accounting,medium +0.31,0.56,4,238,2,0,1,0,accounting,medium +0.77,0.93,4,231,5,0,1,0,hr,medium +0.44,0.45,2,156,3,0,1,0,hr,medium +0.38,0.46,2,145,3,0,1,0,hr,medium +0.45,0.48,2,144,3,0,1,0,marketing,medium +0.38,0.51,2,159,3,0,1,0,sales,medium +0.36,0.48,2,156,3,0,1,0,accounting,high +0.75,0.9,5,256,5,0,1,0,support,low +0.1,0.93,6,298,4,0,1,0,technical,medium +0.1,0.97,6,247,4,0,1,0,management,medium +0.45,0.5,2,157,3,0,1,0,marketing,medium +0.42,0.57,2,154,3,1,1,0,marketing,medium +0.78,1,4,253,5,0,1,0,marketing,low +0.45,0.55,2,148,3,0,1,0,sales,low +0.84,1,4,261,5,0,1,0,sales,low +0.11,0.93,6,282,4,0,1,0,sales,low +0.42,0.56,2,133,3,0,1,0,sales,low +0.45,0.46,2,128,3,0,1,0,sales,low +0.46,0.57,2,139,3,0,1,0,sales,low +0.09,0.79,6,293,5,0,1,0,sales,low +0.87,0.83,4,265,6,0,1,0,sales,low +0.1,0.87,6,250,4,0,1,0,sales,low +0.91,1,5,251,6,0,1,0,sales,low +0.76,0.92,4,246,5,0,1,0,sales,low +0.74,1,5,275,5,0,1,0,sales,low +0.92,0.93,5,240,5,0,1,0,sales,low +0.76,0.87,5,245,5,0,1,0,sales,low +0.47,0.5,4,254,4,0,1,0,sales,low +0.73,0.99,5,241,5,0,1,0,sales,low +0.09,0.94,6,257,4,0,1,0,sales,low +0.91,0.92,4,246,5,0,1,0,sales,low +0.82,0.98,4,233,5,0,1,0,sales,low +0.28,0.45,6,218,4,0,1,0,accounting,low +0.84,0.99,4,262,6,0,1,0,accounting,medium +0.45,0.53,2,138,3,0,1,0,accounting,medium +0.45,0.54,2,142,3,0,1,0,hr,medium +0.91,0.97,5,233,5,0,1,0,hr,medium +0.42,0.48,2,155,3,0,1,0,hr,medium +0.82,1,4,229,6,0,1,0,hr,medium +0.11,0.9,6,264,4,0,1,0,technical,medium +0.42,0.53,3,199,4,0,1,0,technical,medium +0.82,0.85,4,223,5,0,1,0,technical,medium +0.09,0.96,6,268,4,0,1,0,technical,medium +0.1,0.94,6,287,4,0,1,0,technical,medium +0.86,1,5,257,5,0,1,0,technical,medium +0.4,0.46,2,143,3,0,1,0,technical,high +0.45,0.46,2,130,3,0,1,0,technical,low +0.42,0.51,2,136,3,0,1,0,technical,medium +0.74,0.92,4,261,5,0,1,0,technical,medium +0.55,0.6,3,180,4,0,1,0,technical,medium +0.37,0.45,2,126,3,0,1,0,support,medium +0.41,0.52,2,127,3,1,1,0,support,low +0.89,0.65,5,195,6,0,1,0,support,low +0.41,0.57,2,160,3,0,1,0,support,low +0.44,0.51,2,150,3,0,1,0,support,low +0.87,0.84,4,264,6,0,1,0,support,low +0.1,0.84,6,309,4,0,1,0,support,low +0.41,0.47,2,135,3,0,1,0,support,low +0.11,0.85,6,261,4,0,1,0,support,low +0.43,0.53,2,160,3,0,1,0,support,low +0.77,0.9,4,237,5,0,1,0,support,low +0.41,0.52,2,136,3,0,1,0,technical,low +0.41,0.48,2,139,3,0,1,0,technical,low +0.36,0.78,2,151,4,0,1,0,technical,low +0.77,1,5,229,5,0,1,0,management,low +0.81,0.98,5,245,5,0,1,0,IT,low +0.39,0.54,2,127,3,0,1,0,IT,low +0.09,0.94,6,283,5,0,1,0,IT,low +0.44,0.46,2,143,3,0,1,0,IT,low +0.1,0.84,5,298,4,0,1,0,IT,low +0.36,0.48,2,159,3,0,1,0,product_mng,low +0.81,0.92,5,239,5,0,1,0,product_mng,low +0.81,0.9,4,226,5,0,1,0,product_mng,medium +0.85,0.98,5,248,5,0,1,0,product_mng,medium +0.1,0.87,6,286,4,0,1,0,IT,medium +0.37,0.54,2,145,3,0,1,0,RandD,medium +0.09,0.97,7,254,4,1,1,0,RandD,medium +0.44,0.53,2,127,3,0,1,0,RandD,medium +0.86,0.93,5,223,5,0,1,0,RandD,medium +0.77,1,4,255,5,0,1,0,RandD,medium +0.41,0.48,2,136,3,0,1,0,marketing,medium +0.4,0.48,2,137,3,0,1,0,sales,medium +0.43,0.49,2,135,3,0,1,0,accounting,medium +0.43,0.5,2,137,3,0,1,0,support,medium +0.8,0.53,3,255,5,0,1,0,technical,high +0.8,0.85,4,273,5,0,1,0,management,low +0.82,0.98,5,234,5,0,1,0,marketing,medium +0.37,0.54,2,152,3,0,1,0,marketing,medium +0.37,0.48,2,134,3,0,1,0,marketing,medium +0.09,0.95,6,292,4,0,1,0,sales,medium +0.9,0.92,5,245,5,0,1,0,sales,low +0.41,0.52,2,159,3,0,1,0,sales,low +0.1,0.85,6,260,4,0,1,0,sales,low +0.44,0.53,2,149,3,0,1,0,sales,low +0.89,0.85,5,266,5,0,1,0,sales,low +0.42,0.56,2,149,3,0,1,0,sales,low +0.87,1,5,242,5,0,1,0,sales,low +0.45,0.57,2,134,3,0,1,0,sales,low +0.11,0.87,5,271,4,0,1,0,sales,low +0.09,0.79,6,275,4,0,1,0,sales,low +0.76,0.83,5,227,5,0,1,0,sales,low +0.11,0.96,7,277,5,0,1,0,sales,low +0.37,0.49,2,151,3,0,1,0,sales,low +0.1,0.79,6,274,4,0,1,0,sales,low +0.77,0.87,4,242,6,0,1,0,sales,low +0.42,0.54,2,143,3,1,1,0,sales,low +0.38,0.52,2,145,3,0,1,0,sales,low +0.32,0.95,5,172,2,0,1,0,sales,low +0.38,0.49,2,135,3,0,1,0,accounting,low +0.19,1,4,192,4,0,1,0,accounting,low +0.1,0.83,7,276,4,0,1,0,accounting,low +0.76,0.88,4,206,4,0,1,0,hr,medium +0.53,0.56,4,281,6,0,1,0,hr,medium +0.39,0.51,2,151,3,0,1,0,hr,medium +0.11,0.83,6,244,4,0,1,0,hr,medium +0.1,0.94,6,309,4,0,1,0,technical,medium +0.84,1,5,218,5,0,1,0,technical,medium +0.82,0.99,4,263,6,0,1,0,technical,medium +0.1,0.82,6,244,4,0,1,0,technical,medium +0.59,0.49,7,263,4,0,1,0,technical,medium +0.44,0.48,2,143,3,0,1,0,technical,medium +0.89,0.95,2,181,5,0,1,0,technical,medium +0.91,0.84,5,265,5,0,1,0,technical,medium +0.66,0.57,5,161,5,0,1,0,technical,high +0.11,0.87,7,282,5,0,1,0,technical,low +0.43,0.51,2,155,3,0,1,0,technical,medium +0.78,0.83,4,217,6,0,1,0,support,medium +0.11,0.97,6,289,5,0,1,0,support,medium +0.83,0.98,4,259,5,0,1,0,support,medium +0.39,0.54,2,158,3,0,1,0,support,low +0.38,0.55,2,158,3,0,1,0,support,low +0.37,0.57,2,155,3,0,1,0,support,low +0.44,0.48,2,146,3,0,1,0,support,low +0.53,0.85,2,164,5,0,1,0,support,low +0.09,0.96,6,259,4,0,1,0,support,low +0.11,0.89,6,293,4,0,1,0,support,low +0.83,0.96,5,275,5,0,1,0,support,low +0.88,1,5,219,6,1,1,0,technical,low +0.1,0.89,6,247,4,0,1,0,technical,low +0.09,0.86,7,309,4,0,1,0,technical,low +0.44,0.54,2,151,3,0,1,0,management,low +0.39,0.51,2,129,3,0,1,0,IT,low +0.87,0.94,4,274,5,0,1,0,IT,low +0.74,0.99,4,233,5,0,1,0,IT,low +0.1,0.95,7,289,4,0,1,0,IT,low +0.74,0.82,4,239,6,0,1,0,IT,low +0.75,0.99,5,221,5,0,1,0,product_mng,low +0.41,0.56,2,150,3,0,1,0,product_mng,low +0.41,0.45,2,144,3,1,1,0,product_mng,low +0.09,0.9,7,289,4,0,1,0,product_mng,low +0.09,0.8,6,301,5,0,1,0,IT,medium +0.39,0.57,2,145,3,0,1,0,accounting,medium +0.4,0.56,2,137,3,0,1,0,accounting,medium +0.37,0.54,2,131,3,1,1,0,hr,medium +0.1,0.84,6,246,4,0,1,0,hr,medium +0.43,0.51,2,136,3,0,1,0,hr,medium +0.75,0.85,5,240,6,1,1,0,marketing,medium +0.37,0.56,2,156,3,0,1,0,sales,medium +0.11,0.85,6,305,4,0,1,0,accounting,medium +0.45,0.45,2,154,3,1,1,0,support,medium +0.87,1,5,261,5,1,1,0,technical,medium +0.11,0.94,7,244,4,0,1,0,management,medium +0.45,0.54,2,129,3,0,1,0,marketing,high +0.81,0.87,4,254,5,0,1,0,marketing,low +0.77,0.91,5,236,5,0,1,0,marketing,medium +0.89,0.92,5,237,5,0,1,0,sales,medium +0.43,0.49,2,135,3,0,1,0,sales,medium +0.78,1,5,236,5,0,1,0,sales,medium +0.37,0.47,2,149,3,0,1,0,sales,low +0.37,0.5,2,141,3,0,1,0,sales,low +0.85,0.82,4,270,5,0,1,0,sales,low +0.41,0.47,2,138,3,0,1,0,sales,low +0.11,0.96,6,298,4,0,1,0,sales,low +0.75,0.99,5,254,5,0,1,0,sales,low +0.82,0.85,5,248,5,0,1,0,sales,low +0.79,1,5,257,6,0,1,0,sales,low +0.43,0.53,2,150,3,0,1,0,sales,low +0.1,0.9,7,281,4,0,1,0,sales,low +0.46,0.48,2,141,3,1,1,0,sales,low +0.43,0.57,2,157,3,0,1,0,sales,low +0.43,0.55,2,136,3,0,1,0,sales,low +0.11,0.8,7,296,4,0,1,0,sales,low +0.09,0.86,6,279,4,0,1,0,sales,low +0.37,0.53,2,131,3,0,1,0,sales,low +0.4,0.57,2,160,3,0,1,0,accounting,low +0.1,0.77,7,291,4,0,1,0,accounting,low +0.41,0.53,2,157,3,0,1,0,accounting,low +0.79,0.58,3,294,4,0,1,0,hr,low +0.11,0.79,7,310,4,0,1,0,hr,low +0.1,0.97,6,282,4,0,1,0,hr,medium +0.44,0.51,2,134,3,0,1,0,hr,medium +0.25,0.46,4,214,4,0,1,0,technical,medium +0.44,0.52,2,137,3,0,1,0,technical,medium +0.73,1,4,252,5,0,1,0,technical,medium +0.75,0.97,5,243,6,0,1,0,technical,medium +0.36,0.47,2,148,3,0,1,0,technical,medium +0.37,0.49,2,151,3,0,1,0,technical,medium +0.39,0.49,2,129,3,0,1,0,technical,medium +0.48,0.78,2,198,2,0,1,0,technical,medium +0.57,0.72,4,275,6,0,1,0,technical,medium +0.9,0.96,5,243,5,0,1,0,technical,medium +0.39,0.55,2,159,3,0,1,0,technical,high +0.44,0.51,2,145,3,0,1,0,support,low +0.81,0.88,5,242,5,0,1,0,support,medium +0.74,0.87,5,242,5,0,1,0,support,medium +0.44,0.56,2,145,3,0,1,0,support,medium +0.41,0.56,2,154,3,0,1,1,support,medium +0.4,0.51,2,139,3,0,1,0,support,low +0.46,0.57,2,152,3,0,1,0,support,low +0.8,0.83,2,211,3,0,1,0,support,low +0.87,0.9,5,258,5,0,1,0,support,low +0.39,0.54,2,155,3,0,1,0,support,low +0.38,0.55,2,148,3,0,1,0,support,low +0.66,0.67,2,255,3,0,1,0,technical,low +0.1,0.8,6,264,4,0,1,0,technical,low +0.37,0.54,2,132,3,0,1,0,technical,low +0.1,0.77,6,255,4,0,1,0,management,low +0.09,0.87,5,263,4,0,1,0,IT,low +0.86,0.84,5,222,5,0,1,0,IT,low +0.11,0.9,6,263,4,0,1,0,IT,low +0.37,0.46,2,157,3,0,1,0,IT,low +0.11,0.92,7,307,4,0,1,0,IT,low +0.77,0.98,5,259,6,0,1,0,product_mng,low +0.84,0.94,5,222,6,0,1,0,product_mng,low +0.1,0.84,7,250,4,0,1,0,product_mng,low +0.83,0.9,5,245,5,0,1,0,product_mng,low +0.11,0.79,6,292,4,0,1,0,IT,low +0.86,0.92,5,252,5,0,1,0,RandD,low +0.38,0.56,2,161,3,0,1,0,RandD,medium +0.11,0.88,5,250,4,0,1,0,RandD,medium +0.45,0.49,2,134,3,0,1,0,RandD,medium +0.1,0.85,7,279,4,0,1,0,RandD,medium +0.09,0.95,7,256,4,0,1,0,marketing,medium +0.39,0.53,2,127,3,0,1,0,sales,medium +0.37,0.47,2,138,3,1,1,0,accounting,medium +0.81,0.97,5,243,5,0,1,0,support,medium +0.09,0.9,7,296,4,0,1,0,technical,medium +0.1,0.88,7,267,4,0,1,0,management,medium +0.39,0.49,2,144,3,0,1,0,marketing,medium +0.83,0.95,4,251,5,0,1,0,marketing,medium +0.45,0.57,2,148,3,0,1,0,marketing,high +0.43,0.51,2,141,3,0,1,0,sales,low +0.8,0.75,3,268,2,0,1,0,sales,medium +0.1,0.86,6,247,4,0,1,0,sales,medium +0.1,0.55,2,247,4,0,1,0,sales,medium +0.36,0.52,2,146,3,0,1,0,sales,medium +0.38,0.5,2,140,3,0,1,0,sales,low +0.78,0.98,5,263,6,0,1,0,sales,low +0.44,0.49,2,145,3,0,1,0,sales,low +0.41,0.46,2,156,3,1,1,0,sales,low +0.72,0.85,5,244,6,0,1,0,sales,low +0.46,0.54,2,144,3,0,1,0,sales,low +0.1,0.9,7,286,4,0,1,0,sales,low +0.34,0.67,4,141,2,0,1,0,sales,low +0.11,0.89,6,260,5,0,1,0,sales,low +0.38,0.56,2,154,3,0,1,0,sales,low +0.82,0.92,5,225,5,0,1,0,sales,low +0.39,0.57,2,127,3,0,1,0,sales,low +0.44,0.53,2,140,3,0,1,0,sales,low +0.43,0.52,2,147,3,0,1,0,sales,low +0.84,0.83,4,227,5,0,1,0,accounting,low +0.43,0.48,2,153,3,0,1,0,accounting,low +0.37,0.52,2,128,3,0,1,0,accounting,low +0.74,0.97,4,228,5,0,1,0,hr,low +0.73,0.97,5,235,5,0,1,0,hr,low +0.37,0.47,2,148,3,0,1,0,hr,low +0.58,0.62,4,238,3,0,1,0,hr,low +0.4,0.54,2,141,3,0,1,0,technical,medium +0.51,0.83,5,249,4,0,1,0,technical,medium +0.46,0.5,2,151,3,0,1,0,technical,medium +0.45,0.54,2,129,3,0,1,0,technical,medium +0.46,0.5,2,156,3,0,1,0,technical,medium +0.39,0.45,2,134,3,0,1,0,technical,medium +0.09,0.88,6,269,4,0,1,0,technical,medium +0.09,0.77,6,290,4,0,1,0,technical,medium +0.37,0.51,2,132,3,0,1,0,technical,medium +0.1,0.89,7,308,4,0,1,0,technical,medium +0.77,1,4,232,5,0,1,0,technical,medium +0.79,0.86,5,235,5,0,1,0,support,medium +0.43,0.55,2,130,3,0,1,0,support,high +0.38,0.53,2,146,3,0,1,0,support,low +0.77,0.91,5,221,6,0,1,0,support,medium +0.44,0.5,2,130,3,0,1,0,support,medium +0.39,0.46,2,136,3,0,1,0,support,medium +0.1,0.79,6,275,4,0,1,0,management,low +0.1,0.9,6,299,4,0,1,0,marketing,low +0.36,0.49,2,147,3,0,1,0,marketing,low +0.1,0.97,7,306,4,0,1,0,marketing,low +0.84,1,5,242,5,0,1,0,sales,low +0.38,0.51,2,159,3,0,1,0,sales,low +0.41,0.49,2,147,3,0,1,0,sales,low +0.37,0.51,2,154,3,1,1,0,sales,low +0.43,0.56,2,129,3,0,1,0,sales,low +0.46,0.53,2,161,3,0,1,0,sales,low +0.09,0.84,6,269,4,0,1,0,sales,low +0.78,0.86,5,274,5,0,1,0,sales,low +0.45,0.53,2,159,3,0,1,0,sales,low +0.42,0.47,2,135,3,0,1,0,sales,low +0.46,0.53,2,147,3,0,1,0,sales,low +0.39,0.49,2,142,3,0,1,0,sales,low +0.36,0.51,2,130,3,0,1,0,sales,low +0.43,0.53,2,147,3,0,1,0,sales,medium +0.85,0.87,5,246,5,1,1,0,sales,medium +0.11,0.92,6,281,4,0,1,0,sales,medium +0.11,0.9,6,253,4,0,1,0,sales,medium +0.38,0.47,2,128,3,0,1,0,sales,medium +0.43,0.57,2,129,3,0,1,0,sales,medium +0.75,1,5,223,6,0,1,0,accounting,medium +0.11,0.92,6,269,4,0,1,0,accounting,medium +0.1,0.9,7,269,4,0,1,0,accounting,medium +0.1,0.81,7,244,5,0,1,0,hr,medium +0.37,0.5,2,154,3,0,1,0,hr,medium +0.11,0.93,5,140,5,0,1,0,hr,medium +0.45,0.46,2,159,3,0,1,0,hr,high +0.44,0.48,2,158,3,0,1,0,technical,low +0.44,0.56,2,133,3,0,1,0,technical,medium +0.11,0.77,6,247,4,0,1,0,technical,medium +0.79,0.93,5,268,5,0,1,0,technical,medium +0.8,0.9,5,267,5,0,1,0,technical,medium +0.1,0.87,7,251,5,0,1,0,technical,low +0.09,0.93,6,279,4,0,1,0,technical,low +0.7,0.84,6,161,4,0,1,0,technical,low +0.72,0.84,4,256,5,0,1,0,technical,low +0.11,0.8,6,304,4,0,1,0,technical,low +0.39,0.51,2,137,3,0,1,0,technical,low +0.4,0.49,2,144,3,0,1,0,support,low +0.43,0.54,2,142,3,0,1,0,support,low +0.76,0.87,5,262,5,0,1,0,support,low +0.4,0.48,2,142,3,0,1,0,support,low +0.09,0.89,6,282,4,0,1,0,support,low +0.37,0.54,2,157,3,0,1,0,support,low +0.87,0.91,5,228,5,0,1,0,support,low +0.1,0.86,6,283,4,0,1,0,support,low +0.11,0.86,6,286,4,0,1,0,support,low +0.43,0.5,2,148,3,0,1,0,support,low +0.1,0.81,6,245,4,0,1,0,support,low +0.11,0.95,6,279,4,0,1,0,technical,low +0.85,0.87,5,245,5,0,1,0,technical,low +0.37,0.49,2,138,3,0,1,0,technical,low +0.44,0.52,2,141,3,0,1,0,management,low +0.1,0.83,7,302,5,0,1,0,IT,medium +0.11,0.89,6,268,4,0,1,0,IT,medium +0.87,0.88,5,240,5,0,1,0,IT,medium +0.39,0.49,2,127,3,0,1,0,IT,medium +0.1,0.94,7,264,4,0,1,0,IT,medium +0.44,0.53,2,155,3,0,1,0,product_mng,medium +0.4,0.49,2,143,3,0,1,0,product_mng,medium +0.76,0.98,5,217,6,0,1,0,product_mng,medium +0.46,0.55,2,147,3,0,1,0,product_mng,medium +0.9,0.92,4,271,5,0,1,0,IT,medium +0.85,0.87,4,273,5,0,1,0,RandD,medium +0.1,0.78,5,285,4,1,1,0,RandD,medium +0.43,0.49,2,131,3,0,1,0,RandD,high +0.2,0.5,5,135,6,0,1,0,RandD,low +0.81,0.92,5,239,5,0,1,0,RandD,medium +0.83,0.85,5,237,5,0,1,0,marketing,medium +0.14,0.75,4,277,5,1,1,0,sales,medium +0.1,0.84,5,303,5,0,1,0,accounting,medium +0.91,0.98,4,242,6,0,1,0,support,low +0.37,0.57,2,158,3,0,1,0,technical,low +0.42,0.57,2,147,3,1,1,0,management,low +0.39,0.68,2,282,5,0,1,0,marketing,low +0.39,0.54,2,154,3,0,1,0,marketing,low +0.44,0.52,2,149,3,0,1,0,marketing,low +0.37,0.45,2,149,3,0,1,0,sales,low +0.39,0.53,2,146,3,0,1,0,sales,low +0.72,0.94,4,258,5,0,1,0,sales,low +0.37,0.49,2,148,3,0,1,0,sales,low +0.82,0.94,5,236,5,0,1,0,sales,low +0.42,0.52,2,134,3,0,1,0,sales,low +0.59,1,2,155,5,0,1,0,sales,low +0.82,0.86,5,257,5,0,1,0,sales,low +0.73,0.97,6,189,2,0,1,0,sales,low +0.78,0.66,3,164,3,0,1,0,sales,low +0.09,0.95,6,271,4,0,1,0,sales,low +0.1,0.97,6,280,4,0,1,0,sales,low +0.45,0.46,2,149,3,0,1,0,sales,low +0.83,0.81,5,219,5,0,1,0,sales,low +0.43,0.51,2,128,3,0,1,0,sales,low +0.4,0.47,2,128,3,0,1,0,sales,medium +0.43,0.46,2,157,3,0,1,0,sales,medium +0.78,0.93,4,225,5,0,1,0,sales,medium +0.39,0.45,2,140,3,0,1,0,sales,medium +0.11,0.97,6,310,4,0,1,0,accounting,medium +0.36,0.52,2,143,3,0,1,0,accounting,medium +0.36,0.54,2,153,3,0,1,0,accounting,medium +0.1,0.79,7,310,4,0,1,0,hr,medium +0.4,0.47,2,136,3,0,1,0,hr,medium +0.81,0.85,4,251,6,0,1,0,hr,medium +0.4,0.47,2,144,3,0,1,0,hr,medium +0.09,0.93,6,296,4,0,1,0,technical,medium +0.76,0.89,5,238,5,0,1,0,technical,high +0.73,0.93,5,162,4,0,1,0,technical,low +0.38,0.49,2,137,3,0,1,0,technical,medium +0.72,0.84,5,257,5,0,1,0,technical,medium +0.4,0.56,2,148,3,0,1,0,technical,medium +0.91,0.99,5,254,5,0,1,0,technical,medium +0.85,0.85,4,247,6,0,1,0,technical,low +0.9,0.7,5,206,4,0,1,0,technical,low +0.46,0.55,2,145,3,0,1,0,technical,low +0.43,0.57,2,159,3,1,1,0,technical,low +0.89,0.88,5,228,5,1,1,0,support,low +0.09,0.81,6,257,4,0,1,0,support,low +0.4,0.48,2,155,3,0,1,0,support,low +0.76,0.83,6,293,6,0,1,0,support,low +0.4,0.57,2,151,3,0,1,0,support,low +0.37,0.48,2,160,3,0,1,0,support,low +0.37,0.53,2,143,3,0,1,0,support,low +0.11,0.96,6,280,4,0,1,0,support,low 0.37,0.52,2,158,3,0,1,0,support,low \ No newline at end of file diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Iris_Data.csv b/Training/Introduction_to_Machine_Learning/data/Iris_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Iris_Data.csv rename to Training/Introduction_to_Machine_Learning/data/Iris_Data.csv diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Orange_Telecom_Churn_Data.csv b/Training/Introduction_to_Machine_Learning/data/Orange_Telecom_Churn_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Orange_Telecom_Churn_Data.csv rename to Training/Introduction_to_Machine_Learning/data/Orange_Telecom_Churn_Data.csv diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Wholesale_Customers_Data.csv b/Training/Introduction_to_Machine_Learning/data/Wholesale_Customers_Data.csv similarity index 97% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Wholesale_Customers_Data.csv rename to Training/Introduction_to_Machine_Learning/data/Wholesale_Customers_Data.csv index c5616f0314..2e52fb5968 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Wholesale_Customers_Data.csv +++ b/Training/Introduction_to_Machine_Learning/data/Wholesale_Customers_Data.csv @@ -1,441 +1,441 @@ -Channel,Region,Fresh,Milk,Grocery,Frozen,Detergents_Paper,Delicassen -2,3,12669,9656,7561,214,2674,1338 -2,3,7057,9810,9568,1762,3293,1776 -2,3,6353,8808,7684,2405,3516,7844 -1,3,13265,1196,4221,6404,507,1788 -2,3,22615,5410,7198,3915,1777,5185 -2,3,9413,8259,5126,666,1795,1451 -2,3,12126,3199,6975,480,3140,545 -2,3,7579,4956,9426,1669,3321,2566 -1,3,5963,3648,6192,425,1716,750 -2,3,6006,11093,18881,1159,7425,2098 -2,3,3366,5403,12974,4400,5977,1744 -2,3,13146,1124,4523,1420,549,497 -2,3,31714,12319,11757,287,3881,2931 -2,3,21217,6208,14982,3095,6707,602 -2,3,24653,9465,12091,294,5058,2168 -1,3,10253,1114,3821,397,964,412 -2,3,1020,8816,12121,134,4508,1080 -1,3,5876,6157,2933,839,370,4478 -2,3,18601,6327,10099,2205,2767,3181 -1,3,7780,2495,9464,669,2518,501 -2,3,17546,4519,4602,1066,2259,2124 -1,3,5567,871,2010,3383,375,569 -1,3,31276,1917,4469,9408,2381,4334 -2,3,26373,36423,22019,5154,4337,16523 -2,3,22647,9776,13792,2915,4482,5778 -2,3,16165,4230,7595,201,4003,57 -1,3,9898,961,2861,3151,242,833 -1,3,14276,803,3045,485,100,518 -2,3,4113,20484,25957,1158,8604,5206 -1,3,43088,2100,2609,1200,1107,823 -1,3,18815,3610,11107,1148,2134,2963 -1,3,2612,4339,3133,2088,820,985 -1,3,21632,1318,2886,266,918,405 -1,3,29729,4786,7326,6130,361,1083 -1,3,1502,1979,2262,425,483,395 -2,3,688,5491,11091,833,4239,436 -1,3,29955,4362,5428,1729,862,4626 -2,3,15168,10556,12477,1920,6506,714 -2,3,4591,15729,16709,33,6956,433 -1,3,56159,555,902,10002,212,2916 -1,3,24025,4332,4757,9510,1145,5864 -1,3,19176,3065,5956,2033,2575,2802 -2,3,10850,7555,14961,188,6899,46 -2,3,630,11095,23998,787,9529,72 -2,3,9670,7027,10471,541,4618,65 -2,3,5181,22044,21531,1740,7353,4985 -2,3,3103,14069,21955,1668,6792,1452 -2,3,44466,54259,55571,7782,24171,6465 -2,3,11519,6152,10868,584,5121,1476 -2,3,4967,21412,28921,1798,13583,1163 -1,3,6269,1095,1980,3860,609,2162 -1,3,3347,4051,6996,239,1538,301 -2,3,40721,3916,5876,532,2587,1278 -2,3,491,10473,11532,744,5611,224 -1,3,27329,1449,1947,2436,204,1333 -1,3,5264,3683,5005,1057,2024,1130 -2,3,4098,29892,26866,2616,17740,1340 -2,3,5417,9933,10487,38,7572,1282 -1,3,13779,1970,1648,596,227,436 -1,3,6137,5360,8040,129,3084,1603 -2,3,8590,3045,7854,96,4095,225 -2,3,35942,38369,59598,3254,26701,2017 -2,3,7823,6245,6544,4154,4074,964 -2,3,9396,11601,15775,2896,7677,1295 -1,3,4760,1227,3250,3724,1247,1145 -2,3,85,20959,45828,36,24231,1423 -1,3,9,1534,7417,175,3468,27 -2,3,19913,6759,13462,1256,5141,834 -1,3,2446,7260,3993,5870,788,3095 -1,3,8352,2820,1293,779,656,144 -1,3,16705,2037,3202,10643,116,1365 -1,3,18291,1266,21042,5373,4173,14472 -1,3,4420,5139,2661,8872,1321,181 -2,3,19899,5332,8713,8132,764,648 -2,3,8190,6343,9794,1285,1901,1780 -1,3,20398,1137,3,4407,3,975 -1,3,717,3587,6532,7530,529,894 -2,3,12205,12697,28540,869,12034,1009 -1,3,10766,1175,2067,2096,301,167 -1,3,1640,3259,3655,868,1202,1653 -1,3,7005,829,3009,430,610,529 -2,3,219,9540,14403,283,7818,156 -2,3,10362,9232,11009,737,3537,2342 -1,3,20874,1563,1783,2320,550,772 -2,3,11867,3327,4814,1178,3837,120 -2,3,16117,46197,92780,1026,40827,2944 -2,3,22925,73498,32114,987,20070,903 -1,3,43265,5025,8117,6312,1579,14351 -1,3,7864,542,4042,9735,165,46 -1,3,24904,3836,5330,3443,454,3178 -1,3,11405,596,1638,3347,69,360 -1,3,12754,2762,2530,8693,627,1117 -2,3,9198,27472,32034,3232,18906,5130 -1,3,11314,3090,2062,35009,71,2698 -2,3,5626,12220,11323,206,5038,244 -1,3,3,2920,6252,440,223,709 -2,3,23,2616,8118,145,3874,217 -1,3,403,254,610,774,54,63 -1,3,503,112,778,895,56,132 -1,3,9658,2182,1909,5639,215,323 -2,3,11594,7779,12144,3252,8035,3029 -2,3,1420,10810,16267,1593,6766,1838 -2,3,2932,6459,7677,2561,4573,1386 -1,3,56082,3504,8906,18028,1480,2498 -1,3,14100,2132,3445,1336,1491,548 -1,3,15587,1014,3970,910,139,1378 -2,3,1454,6337,10704,133,6830,1831 -2,3,8797,10646,14886,2471,8969,1438 -2,3,1531,8397,6981,247,2505,1236 -2,3,1406,16729,28986,673,836,3 -1,3,11818,1648,1694,2276,169,1647 -2,3,12579,11114,17569,805,6457,1519 -1,3,19046,2770,2469,8853,483,2708 -1,3,14438,2295,1733,3220,585,1561 -1,3,18044,1080,2000,2555,118,1266 -1,3,11134,793,2988,2715,276,610 -1,3,11173,2521,3355,1517,310,222 -1,3,6990,3880,5380,1647,319,1160 -1,3,20049,1891,2362,5343,411,933 -1,3,8258,2344,2147,3896,266,635 -1,3,17160,1200,3412,2417,174,1136 -1,3,4020,3234,1498,2395,264,255 -1,3,12212,201,245,1991,25,860 -2,3,11170,10769,8814,2194,1976,143 -1,3,36050,1642,2961,4787,500,1621 -1,3,76237,3473,7102,16538,778,918 -1,3,19219,1840,1658,8195,349,483 -2,3,21465,7243,10685,880,2386,2749 -1,3,140,8847,3823,142,1062,3 -1,3,42312,926,1510,1718,410,1819 -1,3,7149,2428,699,6316,395,911 -1,3,2101,589,314,346,70,310 -1,3,14903,2032,2479,576,955,328 -1,3,9434,1042,1235,436,256,396 -1,3,7388,1882,2174,720,47,537 -1,3,6300,1289,2591,1170,199,326 -1,3,4625,8579,7030,4575,2447,1542 -1,3,3087,8080,8282,661,721,36 -1,3,13537,4257,5034,155,249,3271 -1,3,5387,4979,3343,825,637,929 -1,3,17623,4280,7305,2279,960,2616 -1,3,30379,13252,5189,321,51,1450 -1,3,37036,7152,8253,2995,20,3 -1,3,10405,1596,1096,8425,399,318 -1,3,18827,3677,1988,118,516,201 -2,3,22039,8384,34792,42,12591,4430 -1,3,7769,1936,2177,926,73,520 -1,3,9203,3373,2707,1286,1082,526 -1,3,5924,584,542,4052,283,434 -1,3,31812,1433,1651,800,113,1440 -1,3,16225,1825,1765,853,170,1067 -1,3,1289,3328,2022,531,255,1774 -1,3,18840,1371,3135,3001,352,184 -1,3,3463,9250,2368,779,302,1627 -1,3,622,55,137,75,7,8 -2,3,1989,10690,19460,233,11577,2153 -2,3,3830,5291,14855,317,6694,3182 -1,3,17773,1366,2474,3378,811,418 -2,3,2861,6570,9618,930,4004,1682 -2,3,355,7704,14682,398,8077,303 -2,3,1725,3651,12822,824,4424,2157 -1,3,12434,540,283,1092,3,2233 -1,3,15177,2024,3810,2665,232,610 -2,3,5531,15726,26870,2367,13726,446 -2,3,5224,7603,8584,2540,3674,238 -2,3,15615,12653,19858,4425,7108,2379 -2,3,4822,6721,9170,993,4973,3637 -1,3,2926,3195,3268,405,1680,693 -1,3,5809,735,803,1393,79,429 -1,3,5414,717,2155,2399,69,750 -2,3,260,8675,13430,1116,7015,323 -2,3,200,25862,19816,651,8773,6250 -1,3,955,5479,6536,333,2840,707 -2,3,514,7677,19805,937,9836,716 -1,3,286,1208,5241,2515,153,1442 -2,3,2343,7845,11874,52,4196,1697 -1,3,45640,6958,6536,7368,1532,230 -1,3,12759,7330,4533,1752,20,2631 -1,3,11002,7075,4945,1152,120,395 -1,3,3157,4888,2500,4477,273,2165 -1,3,12356,6036,8887,402,1382,2794 -1,3,112151,29627,18148,16745,4948,8550 -1,3,694,8533,10518,443,6907,156 -1,3,36847,43950,20170,36534,239,47943 -1,3,327,918,4710,74,334,11 -1,3,8170,6448,1139,2181,58,247 -1,3,3009,521,854,3470,949,727 -1,3,2438,8002,9819,6269,3459,3 -2,3,8040,7639,11687,2758,6839,404 -2,3,834,11577,11522,275,4027,1856 -1,3,16936,6250,1981,7332,118,64 -1,3,13624,295,1381,890,43,84 -1,3,5509,1461,2251,547,187,409 -2,3,180,3485,20292,959,5618,666 -1,3,7107,1012,2974,806,355,1142 -1,3,17023,5139,5230,7888,330,1755 -1,1,30624,7209,4897,18711,763,2876 -2,1,2427,7097,10391,1127,4314,1468 -1,1,11686,2154,6824,3527,592,697 -1,1,9670,2280,2112,520,402,347 -2,1,3067,13240,23127,3941,9959,731 -2,1,4484,14399,24708,3549,14235,1681 -1,1,25203,11487,9490,5065,284,6854 -1,1,583,685,2216,469,954,18 -1,1,1956,891,5226,1383,5,1328 -2,1,1107,11711,23596,955,9265,710 -1,1,6373,780,950,878,288,285 -2,1,2541,4737,6089,2946,5316,120 -1,1,1537,3748,5838,1859,3381,806 -2,1,5550,12729,16767,864,12420,797 -1,1,18567,1895,1393,1801,244,2100 -2,1,12119,28326,39694,4736,19410,2870 -1,1,7291,1012,2062,1291,240,1775 -1,1,3317,6602,6861,1329,3961,1215 -2,1,2362,6551,11364,913,5957,791 -1,1,2806,10765,15538,1374,5828,2388 -2,1,2532,16599,36486,179,13308,674 -1,1,18044,1475,2046,2532,130,1158 -2,1,18,7504,15205,1285,4797,6372 -1,1,4155,367,1390,2306,86,130 -1,1,14755,899,1382,1765,56,749 -1,1,5396,7503,10646,91,4167,239 -1,1,5041,1115,2856,7496,256,375 -2,1,2790,2527,5265,5612,788,1360 -1,1,7274,659,1499,784,70,659 -1,1,12680,3243,4157,660,761,786 -2,1,20782,5921,9212,1759,2568,1553 -1,1,4042,2204,1563,2286,263,689 -1,1,1869,577,572,950,4762,203 -1,1,8656,2746,2501,6845,694,980 -2,1,11072,5989,5615,8321,955,2137 -1,1,2344,10678,3828,1439,1566,490 -1,1,25962,1780,3838,638,284,834 -1,1,964,4984,3316,937,409,7 -1,1,15603,2703,3833,4260,325,2563 -1,1,1838,6380,2824,1218,1216,295 -1,1,8635,820,3047,2312,415,225 -1,1,18692,3838,593,4634,28,1215 -1,1,7363,475,585,1112,72,216 -1,1,47493,2567,3779,5243,828,2253 -1,1,22096,3575,7041,11422,343,2564 -1,1,24929,1801,2475,2216,412,1047 -1,1,18226,659,2914,3752,586,578 -1,1,11210,3576,5119,561,1682,2398 -1,1,6202,7775,10817,1183,3143,1970 -2,1,3062,6154,13916,230,8933,2784 -1,1,8885,2428,1777,1777,430,610 -1,1,13569,346,489,2077,44,659 -1,1,15671,5279,2406,559,562,572 -1,1,8040,3795,2070,6340,918,291 -1,1,3191,1993,1799,1730,234,710 -2,1,6134,23133,33586,6746,18594,5121 -1,1,6623,1860,4740,7683,205,1693 -1,1,29526,7961,16966,432,363,1391 -1,1,10379,17972,4748,4686,1547,3265 -1,1,31614,489,1495,3242,111,615 -1,1,11092,5008,5249,453,392,373 -1,1,8475,1931,1883,5004,3593,987 -1,1,56083,4563,2124,6422,730,3321 -1,1,53205,4959,7336,3012,967,818 -1,1,9193,4885,2157,327,780,548 -1,1,7858,1110,1094,6818,49,287 -1,1,23257,1372,1677,982,429,655 -1,1,2153,1115,6684,4324,2894,411 -2,1,1073,9679,15445,61,5980,1265 -1,1,5909,23527,13699,10155,830,3636 -2,1,572,9763,22182,2221,4882,2563 -1,1,20893,1222,2576,3975,737,3628 -2,1,11908,8053,19847,1069,6374,698 -1,1,15218,258,1138,2516,333,204 -1,1,4720,1032,975,5500,197,56 -1,1,2083,5007,1563,1120,147,1550 -1,1,514,8323,6869,529,93,1040 -1,3,36817,3045,1493,4802,210,1824 -1,3,894,1703,1841,744,759,1153 -1,3,680,1610,223,862,96,379 -1,3,27901,3749,6964,4479,603,2503 -1,3,9061,829,683,16919,621,139 -1,3,11693,2317,2543,5845,274,1409 -2,3,17360,6200,9694,1293,3620,1721 -1,3,3366,2884,2431,977,167,1104 -2,3,12238,7108,6235,1093,2328,2079 -1,3,49063,3965,4252,5970,1041,1404 -1,3,25767,3613,2013,10303,314,1384 -1,3,68951,4411,12609,8692,751,2406 -1,3,40254,640,3600,1042,436,18 -1,3,7149,2247,1242,1619,1226,128 -1,3,15354,2102,2828,8366,386,1027 -1,3,16260,594,1296,848,445,258 -1,3,42786,286,471,1388,32,22 -1,3,2708,2160,2642,502,965,1522 -1,3,6022,3354,3261,2507,212,686 -1,3,2838,3086,4329,3838,825,1060 -2,2,3996,11103,12469,902,5952,741 -1,2,21273,2013,6550,909,811,1854 -2,2,7588,1897,5234,417,2208,254 -1,2,19087,1304,3643,3045,710,898 -2,2,8090,3199,6986,1455,3712,531 -2,2,6758,4560,9965,934,4538,1037 -1,2,444,879,2060,264,290,259 -2,2,16448,6243,6360,824,2662,2005 -2,2,5283,13316,20399,1809,8752,172 -2,2,2886,5302,9785,364,6236,555 -2,2,2599,3688,13829,492,10069,59 -2,2,161,7460,24773,617,11783,2410 -2,2,243,12939,8852,799,3909,211 -2,2,6468,12867,21570,1840,7558,1543 -1,2,17327,2374,2842,1149,351,925 -1,2,6987,1020,3007,416,257,656 -2,2,918,20655,13567,1465,6846,806 -1,2,7034,1492,2405,12569,299,1117 -1,2,29635,2335,8280,3046,371,117 -2,2,2137,3737,19172,1274,17120,142 -1,2,9784,925,2405,4447,183,297 -1,2,10617,1795,7647,1483,857,1233 -2,2,1479,14982,11924,662,3891,3508 -1,2,7127,1375,2201,2679,83,1059 -1,2,1182,3088,6114,978,821,1637 -1,2,11800,2713,3558,2121,706,51 -2,2,9759,25071,17645,1128,12408,1625 -1,2,1774,3696,2280,514,275,834 -1,2,9155,1897,5167,2714,228,1113 -1,2,15881,713,3315,3703,1470,229 -1,2,13360,944,11593,915,1679,573 -1,2,25977,3587,2464,2369,140,1092 -1,2,32717,16784,13626,60869,1272,5609 -1,2,4414,1610,1431,3498,387,834 -1,2,542,899,1664,414,88,522 -1,2,16933,2209,3389,7849,210,1534 -1,2,5113,1486,4583,5127,492,739 -1,2,9790,1786,5109,3570,182,1043 -2,2,11223,14881,26839,1234,9606,1102 -1,2,22321,3216,1447,2208,178,2602 -2,2,8565,4980,67298,131,38102,1215 -2,2,16823,928,2743,11559,332,3486 -2,2,27082,6817,10790,1365,4111,2139 -1,2,13970,1511,1330,650,146,778 -1,2,9351,1347,2611,8170,442,868 -1,2,3,333,7021,15601,15,550 -1,2,2617,1188,5332,9584,573,1942 -2,3,381,4025,9670,388,7271,1371 -2,3,2320,5763,11238,767,5162,2158 -1,3,255,5758,5923,349,4595,1328 -2,3,1689,6964,26316,1456,15469,37 -1,3,3043,1172,1763,2234,217,379 -1,3,1198,2602,8335,402,3843,303 -2,3,2771,6939,15541,2693,6600,1115 -2,3,27380,7184,12311,2809,4621,1022 -1,3,3428,2380,2028,1341,1184,665 -2,3,5981,14641,20521,2005,12218,445 -1,3,3521,1099,1997,1796,173,995 -2,3,1210,10044,22294,1741,12638,3137 -1,3,608,1106,1533,830,90,195 -2,3,117,6264,21203,228,8682,1111 -1,3,14039,7393,2548,6386,1333,2341 -1,3,190,727,2012,245,184,127 -1,3,22686,134,218,3157,9,548 -2,3,37,1275,22272,137,6747,110 -1,3,759,18664,1660,6114,536,4100 -1,3,796,5878,2109,340,232,776 -1,3,19746,2872,2006,2601,468,503 -1,3,4734,607,864,1206,159,405 -1,3,2121,1601,2453,560,179,712 -1,3,4627,997,4438,191,1335,314 -1,3,2615,873,1524,1103,514,468 -2,3,4692,6128,8025,1619,4515,3105 -1,3,9561,2217,1664,1173,222,447 -1,3,3477,894,534,1457,252,342 -1,3,22335,1196,2406,2046,101,558 -1,3,6211,337,683,1089,41,296 -2,3,39679,3944,4955,1364,523,2235 -1,3,20105,1887,1939,8164,716,790 -1,3,3884,3801,1641,876,397,4829 -2,3,15076,6257,7398,1504,1916,3113 -1,3,6338,2256,1668,1492,311,686 -1,3,5841,1450,1162,597,476,70 -2,3,3136,8630,13586,5641,4666,1426 -1,3,38793,3154,2648,1034,96,1242 -1,3,3225,3294,1902,282,68,1114 -2,3,4048,5164,10391,130,813,179 -1,3,28257,944,2146,3881,600,270 -1,3,17770,4591,1617,9927,246,532 -1,3,34454,7435,8469,2540,1711,2893 -1,3,1821,1364,3450,4006,397,361 -1,3,10683,21858,15400,3635,282,5120 -1,3,11635,922,1614,2583,192,1068 -1,3,1206,3620,2857,1945,353,967 -1,3,20918,1916,1573,1960,231,961 -1,3,9785,848,1172,1677,200,406 -1,3,9385,1530,1422,3019,227,684 -1,3,3352,1181,1328,5502,311,1000 -1,3,2647,2761,2313,907,95,1827 -1,3,518,4180,3600,659,122,654 -1,3,23632,6730,3842,8620,385,819 -1,3,12377,865,3204,1398,149,452 -1,3,9602,1316,1263,2921,841,290 -2,3,4515,11991,9345,2644,3378,2213 -1,3,11535,1666,1428,6838,64,743 -1,3,11442,1032,582,5390,74,247 -1,3,9612,577,935,1601,469,375 -1,3,4446,906,1238,3576,153,1014 -1,3,27167,2801,2128,13223,92,1902 -1,3,26539,4753,5091,220,10,340 -1,3,25606,11006,4604,127,632,288 -1,3,18073,4613,3444,4324,914,715 -1,3,6884,1046,1167,2069,593,378 -1,3,25066,5010,5026,9806,1092,960 -2,3,7362,12844,18683,2854,7883,553 -2,3,8257,3880,6407,1646,2730,344 -1,3,8708,3634,6100,2349,2123,5137 -1,3,6633,2096,4563,1389,1860,1892 -1,3,2126,3289,3281,1535,235,4365 -1,3,97,3605,12400,98,2970,62 -1,3,4983,4859,6633,17866,912,2435 -1,3,5969,1990,3417,5679,1135,290 -2,3,7842,6046,8552,1691,3540,1874 -2,3,4389,10940,10908,848,6728,993 -1,3,5065,5499,11055,364,3485,1063 -2,3,660,8494,18622,133,6740,776 -1,3,8861,3783,2223,633,1580,1521 -1,3,4456,5266,13227,25,6818,1393 -2,3,17063,4847,9053,1031,3415,1784 -1,3,26400,1377,4172,830,948,1218 -2,3,17565,3686,4657,1059,1803,668 -2,3,16980,2884,12232,874,3213,249 -1,3,11243,2408,2593,15348,108,1886 -1,3,13134,9347,14316,3141,5079,1894 -1,3,31012,16687,5429,15082,439,1163 -1,3,3047,5970,4910,2198,850,317 -1,3,8607,1750,3580,47,84,2501 -1,3,3097,4230,16483,575,241,2080 -1,3,8533,5506,5160,13486,1377,1498 -1,3,21117,1162,4754,269,1328,395 -1,3,1982,3218,1493,1541,356,1449 -1,3,16731,3922,7994,688,2371,838 -1,3,29703,12051,16027,13135,182,2204 -1,3,39228,1431,764,4510,93,2346 -2,3,14531,15488,30243,437,14841,1867 -1,3,10290,1981,2232,1038,168,2125 -1,3,2787,1698,2510,65,477,52 +Channel,Region,Fresh,Milk,Grocery,Frozen,Detergents_Paper,Delicassen +2,3,12669,9656,7561,214,2674,1338 +2,3,7057,9810,9568,1762,3293,1776 +2,3,6353,8808,7684,2405,3516,7844 +1,3,13265,1196,4221,6404,507,1788 +2,3,22615,5410,7198,3915,1777,5185 +2,3,9413,8259,5126,666,1795,1451 +2,3,12126,3199,6975,480,3140,545 +2,3,7579,4956,9426,1669,3321,2566 +1,3,5963,3648,6192,425,1716,750 +2,3,6006,11093,18881,1159,7425,2098 +2,3,3366,5403,12974,4400,5977,1744 +2,3,13146,1124,4523,1420,549,497 +2,3,31714,12319,11757,287,3881,2931 +2,3,21217,6208,14982,3095,6707,602 +2,3,24653,9465,12091,294,5058,2168 +1,3,10253,1114,3821,397,964,412 +2,3,1020,8816,12121,134,4508,1080 +1,3,5876,6157,2933,839,370,4478 +2,3,18601,6327,10099,2205,2767,3181 +1,3,7780,2495,9464,669,2518,501 +2,3,17546,4519,4602,1066,2259,2124 +1,3,5567,871,2010,3383,375,569 +1,3,31276,1917,4469,9408,2381,4334 +2,3,26373,36423,22019,5154,4337,16523 +2,3,22647,9776,13792,2915,4482,5778 +2,3,16165,4230,7595,201,4003,57 +1,3,9898,961,2861,3151,242,833 +1,3,14276,803,3045,485,100,518 +2,3,4113,20484,25957,1158,8604,5206 +1,3,43088,2100,2609,1200,1107,823 +1,3,18815,3610,11107,1148,2134,2963 +1,3,2612,4339,3133,2088,820,985 +1,3,21632,1318,2886,266,918,405 +1,3,29729,4786,7326,6130,361,1083 +1,3,1502,1979,2262,425,483,395 +2,3,688,5491,11091,833,4239,436 +1,3,29955,4362,5428,1729,862,4626 +2,3,15168,10556,12477,1920,6506,714 +2,3,4591,15729,16709,33,6956,433 +1,3,56159,555,902,10002,212,2916 +1,3,24025,4332,4757,9510,1145,5864 +1,3,19176,3065,5956,2033,2575,2802 +2,3,10850,7555,14961,188,6899,46 +2,3,630,11095,23998,787,9529,72 +2,3,9670,7027,10471,541,4618,65 +2,3,5181,22044,21531,1740,7353,4985 +2,3,3103,14069,21955,1668,6792,1452 +2,3,44466,54259,55571,7782,24171,6465 +2,3,11519,6152,10868,584,5121,1476 +2,3,4967,21412,28921,1798,13583,1163 +1,3,6269,1095,1980,3860,609,2162 +1,3,3347,4051,6996,239,1538,301 +2,3,40721,3916,5876,532,2587,1278 +2,3,491,10473,11532,744,5611,224 +1,3,27329,1449,1947,2436,204,1333 +1,3,5264,3683,5005,1057,2024,1130 +2,3,4098,29892,26866,2616,17740,1340 +2,3,5417,9933,10487,38,7572,1282 +1,3,13779,1970,1648,596,227,436 +1,3,6137,5360,8040,129,3084,1603 +2,3,8590,3045,7854,96,4095,225 +2,3,35942,38369,59598,3254,26701,2017 +2,3,7823,6245,6544,4154,4074,964 +2,3,9396,11601,15775,2896,7677,1295 +1,3,4760,1227,3250,3724,1247,1145 +2,3,85,20959,45828,36,24231,1423 +1,3,9,1534,7417,175,3468,27 +2,3,19913,6759,13462,1256,5141,834 +1,3,2446,7260,3993,5870,788,3095 +1,3,8352,2820,1293,779,656,144 +1,3,16705,2037,3202,10643,116,1365 +1,3,18291,1266,21042,5373,4173,14472 +1,3,4420,5139,2661,8872,1321,181 +2,3,19899,5332,8713,8132,764,648 +2,3,8190,6343,9794,1285,1901,1780 +1,3,20398,1137,3,4407,3,975 +1,3,717,3587,6532,7530,529,894 +2,3,12205,12697,28540,869,12034,1009 +1,3,10766,1175,2067,2096,301,167 +1,3,1640,3259,3655,868,1202,1653 +1,3,7005,829,3009,430,610,529 +2,3,219,9540,14403,283,7818,156 +2,3,10362,9232,11009,737,3537,2342 +1,3,20874,1563,1783,2320,550,772 +2,3,11867,3327,4814,1178,3837,120 +2,3,16117,46197,92780,1026,40827,2944 +2,3,22925,73498,32114,987,20070,903 +1,3,43265,5025,8117,6312,1579,14351 +1,3,7864,542,4042,9735,165,46 +1,3,24904,3836,5330,3443,454,3178 +1,3,11405,596,1638,3347,69,360 +1,3,12754,2762,2530,8693,627,1117 +2,3,9198,27472,32034,3232,18906,5130 +1,3,11314,3090,2062,35009,71,2698 +2,3,5626,12220,11323,206,5038,244 +1,3,3,2920,6252,440,223,709 +2,3,23,2616,8118,145,3874,217 +1,3,403,254,610,774,54,63 +1,3,503,112,778,895,56,132 +1,3,9658,2182,1909,5639,215,323 +2,3,11594,7779,12144,3252,8035,3029 +2,3,1420,10810,16267,1593,6766,1838 +2,3,2932,6459,7677,2561,4573,1386 +1,3,56082,3504,8906,18028,1480,2498 +1,3,14100,2132,3445,1336,1491,548 +1,3,15587,1014,3970,910,139,1378 +2,3,1454,6337,10704,133,6830,1831 +2,3,8797,10646,14886,2471,8969,1438 +2,3,1531,8397,6981,247,2505,1236 +2,3,1406,16729,28986,673,836,3 +1,3,11818,1648,1694,2276,169,1647 +2,3,12579,11114,17569,805,6457,1519 +1,3,19046,2770,2469,8853,483,2708 +1,3,14438,2295,1733,3220,585,1561 +1,3,18044,1080,2000,2555,118,1266 +1,3,11134,793,2988,2715,276,610 +1,3,11173,2521,3355,1517,310,222 +1,3,6990,3880,5380,1647,319,1160 +1,3,20049,1891,2362,5343,411,933 +1,3,8258,2344,2147,3896,266,635 +1,3,17160,1200,3412,2417,174,1136 +1,3,4020,3234,1498,2395,264,255 +1,3,12212,201,245,1991,25,860 +2,3,11170,10769,8814,2194,1976,143 +1,3,36050,1642,2961,4787,500,1621 +1,3,76237,3473,7102,16538,778,918 +1,3,19219,1840,1658,8195,349,483 +2,3,21465,7243,10685,880,2386,2749 +1,3,140,8847,3823,142,1062,3 +1,3,42312,926,1510,1718,410,1819 +1,3,7149,2428,699,6316,395,911 +1,3,2101,589,314,346,70,310 +1,3,14903,2032,2479,576,955,328 +1,3,9434,1042,1235,436,256,396 +1,3,7388,1882,2174,720,47,537 +1,3,6300,1289,2591,1170,199,326 +1,3,4625,8579,7030,4575,2447,1542 +1,3,3087,8080,8282,661,721,36 +1,3,13537,4257,5034,155,249,3271 +1,3,5387,4979,3343,825,637,929 +1,3,17623,4280,7305,2279,960,2616 +1,3,30379,13252,5189,321,51,1450 +1,3,37036,7152,8253,2995,20,3 +1,3,10405,1596,1096,8425,399,318 +1,3,18827,3677,1988,118,516,201 +2,3,22039,8384,34792,42,12591,4430 +1,3,7769,1936,2177,926,73,520 +1,3,9203,3373,2707,1286,1082,526 +1,3,5924,584,542,4052,283,434 +1,3,31812,1433,1651,800,113,1440 +1,3,16225,1825,1765,853,170,1067 +1,3,1289,3328,2022,531,255,1774 +1,3,18840,1371,3135,3001,352,184 +1,3,3463,9250,2368,779,302,1627 +1,3,622,55,137,75,7,8 +2,3,1989,10690,19460,233,11577,2153 +2,3,3830,5291,14855,317,6694,3182 +1,3,17773,1366,2474,3378,811,418 +2,3,2861,6570,9618,930,4004,1682 +2,3,355,7704,14682,398,8077,303 +2,3,1725,3651,12822,824,4424,2157 +1,3,12434,540,283,1092,3,2233 +1,3,15177,2024,3810,2665,232,610 +2,3,5531,15726,26870,2367,13726,446 +2,3,5224,7603,8584,2540,3674,238 +2,3,15615,12653,19858,4425,7108,2379 +2,3,4822,6721,9170,993,4973,3637 +1,3,2926,3195,3268,405,1680,693 +1,3,5809,735,803,1393,79,429 +1,3,5414,717,2155,2399,69,750 +2,3,260,8675,13430,1116,7015,323 +2,3,200,25862,19816,651,8773,6250 +1,3,955,5479,6536,333,2840,707 +2,3,514,7677,19805,937,9836,716 +1,3,286,1208,5241,2515,153,1442 +2,3,2343,7845,11874,52,4196,1697 +1,3,45640,6958,6536,7368,1532,230 +1,3,12759,7330,4533,1752,20,2631 +1,3,11002,7075,4945,1152,120,395 +1,3,3157,4888,2500,4477,273,2165 +1,3,12356,6036,8887,402,1382,2794 +1,3,112151,29627,18148,16745,4948,8550 +1,3,694,8533,10518,443,6907,156 +1,3,36847,43950,20170,36534,239,47943 +1,3,327,918,4710,74,334,11 +1,3,8170,6448,1139,2181,58,247 +1,3,3009,521,854,3470,949,727 +1,3,2438,8002,9819,6269,3459,3 +2,3,8040,7639,11687,2758,6839,404 +2,3,834,11577,11522,275,4027,1856 +1,3,16936,6250,1981,7332,118,64 +1,3,13624,295,1381,890,43,84 +1,3,5509,1461,2251,547,187,409 +2,3,180,3485,20292,959,5618,666 +1,3,7107,1012,2974,806,355,1142 +1,3,17023,5139,5230,7888,330,1755 +1,1,30624,7209,4897,18711,763,2876 +2,1,2427,7097,10391,1127,4314,1468 +1,1,11686,2154,6824,3527,592,697 +1,1,9670,2280,2112,520,402,347 +2,1,3067,13240,23127,3941,9959,731 +2,1,4484,14399,24708,3549,14235,1681 +1,1,25203,11487,9490,5065,284,6854 +1,1,583,685,2216,469,954,18 +1,1,1956,891,5226,1383,5,1328 +2,1,1107,11711,23596,955,9265,710 +1,1,6373,780,950,878,288,285 +2,1,2541,4737,6089,2946,5316,120 +1,1,1537,3748,5838,1859,3381,806 +2,1,5550,12729,16767,864,12420,797 +1,1,18567,1895,1393,1801,244,2100 +2,1,12119,28326,39694,4736,19410,2870 +1,1,7291,1012,2062,1291,240,1775 +1,1,3317,6602,6861,1329,3961,1215 +2,1,2362,6551,11364,913,5957,791 +1,1,2806,10765,15538,1374,5828,2388 +2,1,2532,16599,36486,179,13308,674 +1,1,18044,1475,2046,2532,130,1158 +2,1,18,7504,15205,1285,4797,6372 +1,1,4155,367,1390,2306,86,130 +1,1,14755,899,1382,1765,56,749 +1,1,5396,7503,10646,91,4167,239 +1,1,5041,1115,2856,7496,256,375 +2,1,2790,2527,5265,5612,788,1360 +1,1,7274,659,1499,784,70,659 +1,1,12680,3243,4157,660,761,786 +2,1,20782,5921,9212,1759,2568,1553 +1,1,4042,2204,1563,2286,263,689 +1,1,1869,577,572,950,4762,203 +1,1,8656,2746,2501,6845,694,980 +2,1,11072,5989,5615,8321,955,2137 +1,1,2344,10678,3828,1439,1566,490 +1,1,25962,1780,3838,638,284,834 +1,1,964,4984,3316,937,409,7 +1,1,15603,2703,3833,4260,325,2563 +1,1,1838,6380,2824,1218,1216,295 +1,1,8635,820,3047,2312,415,225 +1,1,18692,3838,593,4634,28,1215 +1,1,7363,475,585,1112,72,216 +1,1,47493,2567,3779,5243,828,2253 +1,1,22096,3575,7041,11422,343,2564 +1,1,24929,1801,2475,2216,412,1047 +1,1,18226,659,2914,3752,586,578 +1,1,11210,3576,5119,561,1682,2398 +1,1,6202,7775,10817,1183,3143,1970 +2,1,3062,6154,13916,230,8933,2784 +1,1,8885,2428,1777,1777,430,610 +1,1,13569,346,489,2077,44,659 +1,1,15671,5279,2406,559,562,572 +1,1,8040,3795,2070,6340,918,291 +1,1,3191,1993,1799,1730,234,710 +2,1,6134,23133,33586,6746,18594,5121 +1,1,6623,1860,4740,7683,205,1693 +1,1,29526,7961,16966,432,363,1391 +1,1,10379,17972,4748,4686,1547,3265 +1,1,31614,489,1495,3242,111,615 +1,1,11092,5008,5249,453,392,373 +1,1,8475,1931,1883,5004,3593,987 +1,1,56083,4563,2124,6422,730,3321 +1,1,53205,4959,7336,3012,967,818 +1,1,9193,4885,2157,327,780,548 +1,1,7858,1110,1094,6818,49,287 +1,1,23257,1372,1677,982,429,655 +1,1,2153,1115,6684,4324,2894,411 +2,1,1073,9679,15445,61,5980,1265 +1,1,5909,23527,13699,10155,830,3636 +2,1,572,9763,22182,2221,4882,2563 +1,1,20893,1222,2576,3975,737,3628 +2,1,11908,8053,19847,1069,6374,698 +1,1,15218,258,1138,2516,333,204 +1,1,4720,1032,975,5500,197,56 +1,1,2083,5007,1563,1120,147,1550 +1,1,514,8323,6869,529,93,1040 +1,3,36817,3045,1493,4802,210,1824 +1,3,894,1703,1841,744,759,1153 +1,3,680,1610,223,862,96,379 +1,3,27901,3749,6964,4479,603,2503 +1,3,9061,829,683,16919,621,139 +1,3,11693,2317,2543,5845,274,1409 +2,3,17360,6200,9694,1293,3620,1721 +1,3,3366,2884,2431,977,167,1104 +2,3,12238,7108,6235,1093,2328,2079 +1,3,49063,3965,4252,5970,1041,1404 +1,3,25767,3613,2013,10303,314,1384 +1,3,68951,4411,12609,8692,751,2406 +1,3,40254,640,3600,1042,436,18 +1,3,7149,2247,1242,1619,1226,128 +1,3,15354,2102,2828,8366,386,1027 +1,3,16260,594,1296,848,445,258 +1,3,42786,286,471,1388,32,22 +1,3,2708,2160,2642,502,965,1522 +1,3,6022,3354,3261,2507,212,686 +1,3,2838,3086,4329,3838,825,1060 +2,2,3996,11103,12469,902,5952,741 +1,2,21273,2013,6550,909,811,1854 +2,2,7588,1897,5234,417,2208,254 +1,2,19087,1304,3643,3045,710,898 +2,2,8090,3199,6986,1455,3712,531 +2,2,6758,4560,9965,934,4538,1037 +1,2,444,879,2060,264,290,259 +2,2,16448,6243,6360,824,2662,2005 +2,2,5283,13316,20399,1809,8752,172 +2,2,2886,5302,9785,364,6236,555 +2,2,2599,3688,13829,492,10069,59 +2,2,161,7460,24773,617,11783,2410 +2,2,243,12939,8852,799,3909,211 +2,2,6468,12867,21570,1840,7558,1543 +1,2,17327,2374,2842,1149,351,925 +1,2,6987,1020,3007,416,257,656 +2,2,918,20655,13567,1465,6846,806 +1,2,7034,1492,2405,12569,299,1117 +1,2,29635,2335,8280,3046,371,117 +2,2,2137,3737,19172,1274,17120,142 +1,2,9784,925,2405,4447,183,297 +1,2,10617,1795,7647,1483,857,1233 +2,2,1479,14982,11924,662,3891,3508 +1,2,7127,1375,2201,2679,83,1059 +1,2,1182,3088,6114,978,821,1637 +1,2,11800,2713,3558,2121,706,51 +2,2,9759,25071,17645,1128,12408,1625 +1,2,1774,3696,2280,514,275,834 +1,2,9155,1897,5167,2714,228,1113 +1,2,15881,713,3315,3703,1470,229 +1,2,13360,944,11593,915,1679,573 +1,2,25977,3587,2464,2369,140,1092 +1,2,32717,16784,13626,60869,1272,5609 +1,2,4414,1610,1431,3498,387,834 +1,2,542,899,1664,414,88,522 +1,2,16933,2209,3389,7849,210,1534 +1,2,5113,1486,4583,5127,492,739 +1,2,9790,1786,5109,3570,182,1043 +2,2,11223,14881,26839,1234,9606,1102 +1,2,22321,3216,1447,2208,178,2602 +2,2,8565,4980,67298,131,38102,1215 +2,2,16823,928,2743,11559,332,3486 +2,2,27082,6817,10790,1365,4111,2139 +1,2,13970,1511,1330,650,146,778 +1,2,9351,1347,2611,8170,442,868 +1,2,3,333,7021,15601,15,550 +1,2,2617,1188,5332,9584,573,1942 +2,3,381,4025,9670,388,7271,1371 +2,3,2320,5763,11238,767,5162,2158 +1,3,255,5758,5923,349,4595,1328 +2,3,1689,6964,26316,1456,15469,37 +1,3,3043,1172,1763,2234,217,379 +1,3,1198,2602,8335,402,3843,303 +2,3,2771,6939,15541,2693,6600,1115 +2,3,27380,7184,12311,2809,4621,1022 +1,3,3428,2380,2028,1341,1184,665 +2,3,5981,14641,20521,2005,12218,445 +1,3,3521,1099,1997,1796,173,995 +2,3,1210,10044,22294,1741,12638,3137 +1,3,608,1106,1533,830,90,195 +2,3,117,6264,21203,228,8682,1111 +1,3,14039,7393,2548,6386,1333,2341 +1,3,190,727,2012,245,184,127 +1,3,22686,134,218,3157,9,548 +2,3,37,1275,22272,137,6747,110 +1,3,759,18664,1660,6114,536,4100 +1,3,796,5878,2109,340,232,776 +1,3,19746,2872,2006,2601,468,503 +1,3,4734,607,864,1206,159,405 +1,3,2121,1601,2453,560,179,712 +1,3,4627,997,4438,191,1335,314 +1,3,2615,873,1524,1103,514,468 +2,3,4692,6128,8025,1619,4515,3105 +1,3,9561,2217,1664,1173,222,447 +1,3,3477,894,534,1457,252,342 +1,3,22335,1196,2406,2046,101,558 +1,3,6211,337,683,1089,41,296 +2,3,39679,3944,4955,1364,523,2235 +1,3,20105,1887,1939,8164,716,790 +1,3,3884,3801,1641,876,397,4829 +2,3,15076,6257,7398,1504,1916,3113 +1,3,6338,2256,1668,1492,311,686 +1,3,5841,1450,1162,597,476,70 +2,3,3136,8630,13586,5641,4666,1426 +1,3,38793,3154,2648,1034,96,1242 +1,3,3225,3294,1902,282,68,1114 +2,3,4048,5164,10391,130,813,179 +1,3,28257,944,2146,3881,600,270 +1,3,17770,4591,1617,9927,246,532 +1,3,34454,7435,8469,2540,1711,2893 +1,3,1821,1364,3450,4006,397,361 +1,3,10683,21858,15400,3635,282,5120 +1,3,11635,922,1614,2583,192,1068 +1,3,1206,3620,2857,1945,353,967 +1,3,20918,1916,1573,1960,231,961 +1,3,9785,848,1172,1677,200,406 +1,3,9385,1530,1422,3019,227,684 +1,3,3352,1181,1328,5502,311,1000 +1,3,2647,2761,2313,907,95,1827 +1,3,518,4180,3600,659,122,654 +1,3,23632,6730,3842,8620,385,819 +1,3,12377,865,3204,1398,149,452 +1,3,9602,1316,1263,2921,841,290 +2,3,4515,11991,9345,2644,3378,2213 +1,3,11535,1666,1428,6838,64,743 +1,3,11442,1032,582,5390,74,247 +1,3,9612,577,935,1601,469,375 +1,3,4446,906,1238,3576,153,1014 +1,3,27167,2801,2128,13223,92,1902 +1,3,26539,4753,5091,220,10,340 +1,3,25606,11006,4604,127,632,288 +1,3,18073,4613,3444,4324,914,715 +1,3,6884,1046,1167,2069,593,378 +1,3,25066,5010,5026,9806,1092,960 +2,3,7362,12844,18683,2854,7883,553 +2,3,8257,3880,6407,1646,2730,344 +1,3,8708,3634,6100,2349,2123,5137 +1,3,6633,2096,4563,1389,1860,1892 +1,3,2126,3289,3281,1535,235,4365 +1,3,97,3605,12400,98,2970,62 +1,3,4983,4859,6633,17866,912,2435 +1,3,5969,1990,3417,5679,1135,290 +2,3,7842,6046,8552,1691,3540,1874 +2,3,4389,10940,10908,848,6728,993 +1,3,5065,5499,11055,364,3485,1063 +2,3,660,8494,18622,133,6740,776 +1,3,8861,3783,2223,633,1580,1521 +1,3,4456,5266,13227,25,6818,1393 +2,3,17063,4847,9053,1031,3415,1784 +1,3,26400,1377,4172,830,948,1218 +2,3,17565,3686,4657,1059,1803,668 +2,3,16980,2884,12232,874,3213,249 +1,3,11243,2408,2593,15348,108,1886 +1,3,13134,9347,14316,3141,5079,1894 +1,3,31012,16687,5429,15082,439,1163 +1,3,3047,5970,4910,2198,850,317 +1,3,8607,1750,3580,47,84,2501 +1,3,3097,4230,16483,575,241,2080 +1,3,8533,5506,5160,13486,1377,1498 +1,3,21117,1162,4754,269,1328,395 +1,3,1982,3218,1493,1541,356,1449 +1,3,16731,3922,7994,688,2371,838 +1,3,29703,12051,16027,13135,182,2204 +1,3,39228,1431,764,4510,93,2346 +2,3,14531,15488,30243,437,14841,1867 +1,3,10290,1981,2232,1038,168,2125 +1,3,2787,1698,2510,65,477,52 diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Wine_Quality_Data.csv b/Training/Introduction_to_Machine_Learning/data/Wine_Quality_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/Wine_Quality_Data.csv rename to Training/Introduction_to_Machine_Learning/data/Wine_Quality_Data.csv diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/X_Y_Sinusoid_Data.csv b/Training/Introduction_to_Machine_Learning/data/X_Y_Sinusoid_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/data/X_Y_Sinusoid_Data.csv rename to Training/Introduction_to_Machine_Learning/data/X_Y_Sinusoid_Data.csv diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/requirements.txt b/Training/Introduction_to_Machine_Learning/requirements.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/requirements.txt rename to Training/Introduction_to_Machine_Learning/requirements.txt diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/sample.json b/Training/Introduction_to_Machine_Learning/sample.json old mode 100755 new mode 100644 similarity index 98% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/sample.json rename to Training/Introduction_to_Machine_Learning/sample.json index a3b02f98bf..18fc211d0a --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/sample.json +++ b/Training/Introduction_to_Machine_Learning/sample.json @@ -1,21 +1,21 @@ -{ - "guid": "f9d91098-095c-4ab6-a7ea-e1b454f04ccc", - "name": "Introduction to Machine Learning", - "categories": [ "Toolkit/oneAPI AI And Analytics/Getting Started" ], - "description": "The Jupyter Notebooks in these samples are intended to give professors and students an accessible but challenging introduction to machine learning. It enumerates and describes many commonly used Scikit-learn* algorithms, which are used daily to address machine learning challenges. It has a secondary benefit of demonstrating how to accelerate commonly used Scikit-learn algorithms for Intel CPUs using Intel Extensions for Scikit-learn* which is part of the Intel® AI Analytics Toolkit (AI Kit) powered by oneAPI. This workshop is designed to be used on the Intel® DevCloud and includes details on submitting batch jobs on the DevCloud environment.", - "toolchain": [ "jupyter" ], - "languages": [ { "python": {} } ], - "os": [ "linux" ], - "builder": [ "ide", "make" ], - "targetDevice": [ "CPU" ], - "ciTests": { - "linux": [ - { - "steps": [ - "" - ] - } - ] - }, - "expertise": "Tutorial" -} +{ + "guid": "f9d91098-095c-4ab6-a7ea-e1b454f04ccc", + "name": "Introduction to Machine Learning", + "categories": [ "Toolkit/oneAPI AI And Analytics/Getting Started" ], + "description": "The Jupyter Notebooks in these samples are intended to give professors and students an accessible but challenging introduction to machine learning. It enumerates and describes many commonly used Scikit-learn* algorithms, which are used daily to address machine learning challenges. It has a secondary benefit of demonstrating how to accelerate commonly used Scikit-learn algorithms for Intel CPUs using Intel Extensions for Scikit-learn* which is part of the Intel® AI Analytics Toolkit (AI Kit) powered by oneAPI. This workshop is designed to be used on the Intel® DevCloud and includes details on submitting batch jobs on the DevCloud environment.", + "toolchain": [ "jupyter" ], + "languages": [ { "python": {} } ], + "os": [ "linux" ], + "builder": [ "ide", "make" ], + "targetDevice": [ "CPU" ], + "ciTests": { + "linux": [ + { + "steps": [ + "" + ] + } + ] + }, + "expertise": "Tutorial" +} diff --git a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/third-party-programs.txt b/Training/Introduction_to_Machine_Learning/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/third-party-programs.txt rename to Training/Introduction_to_Machine_Learning/third-party-programs.txt index 1fac18875f..12e4bd0c36 100644 --- a/AI-and-Analytics/Jupyter/Introduction_to_Machine_Learning/third-party-programs.txt +++ b/Training/Introduction_to_Machine_Learning/third-party-programs.txt @@ -1,518 +1,518 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Cuda-Samples - Copyright (c) 2022, NVIDIA CORPORATION. All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - * Neither the name of NVIDIA CORPORATION nor the names of its - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS ``AS IS'' AND ANY -EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR -PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR -CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, -EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, -PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR -PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY -OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - --------------------------------------------------------------------------------- -5. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. --------------------------------------------------------------------------------- -6. Intel® Implicit SPMD Program Compiler (Intel® ISPC) - Renderkit samples - Copyright Intel Corporation - All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - - * Neither the name of Intel Corporation nor the names of its - contributors may be used to endorse or promote products derived from - this software without specific prior written permission. - - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" -AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. --------------------------------------------------------------------------------- -7. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -8. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -9. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -10. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- -The following third party programs have their own third party program files as well. These additional third party program files are as follows: - -1. Intel® Implicit SPMD Program Compiler (Intel® ISPC) +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Cuda-Samples + Copyright (c) 2022, NVIDIA CORPORATION. All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + * Neither the name of NVIDIA CORPORATION nor the names of its + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS ``AS IS'' AND ANY +EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR +PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR +CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, +EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, +PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY +OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +-------------------------------------------------------------------------------- +5. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. +-------------------------------------------------------------------------------- +6. Intel® Implicit SPMD Program Compiler (Intel® ISPC) - Renderkit samples + Copyright Intel Corporation + All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + + * Neither the name of Intel Corporation nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. +-------------------------------------------------------------------------------- +7. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +8. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +9. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +10. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- +The following third party programs have their own third party program files as well. These additional third party program files are as follows: + +1. Intel® Implicit SPMD Program Compiler (Intel® ISPC) diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/License.txt b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/License.txt rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/Setup_Instructions_Numba.ipynb b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/Setup_Instructions_Numba.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/Setup_Instructions_Numba.ipynb rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/Setup_Instructions_Numba.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/q b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/q similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/q rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/run_hello.sh b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/run_hello.sh similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/run_hello.sh rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/run_hello.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/Introduction_to_Jupyter.mp4 b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/Introduction_to_Jupyter.mp4 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/Introduction_to_Jupyter.mp4 rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/Introduction_to_Jupyter.mp4 diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/hello_world.py b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/hello_world.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/hello_world.py rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/src/hello_world.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/third-party-programs.txt rename to Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/third-party-programs.txt index 8351f80d1d..40e2411c4f 100644 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/third-party-programs.txt +++ b/Training/Numba_dpex_Essentials_training/00_dpex_Prerequisites/third-party-programs.txt @@ -1,457 +1,457 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi1.png b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi1.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi1.png rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi1.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi2.png b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi2.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi2.png rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/Assets/oneapi2.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/License.txt b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/License.txt rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/Readme.md b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/Readme.md rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/dpex_Intro.ipynb b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/dpex_Intro.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/dpex_Intro.ipynb rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/dpex_Intro.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/.gitkeep b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/.gitkeep similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/.gitkeep rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/.gitkeep diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/auto_njit.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/auto_njit.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/auto_njit.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/auto_njit.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/compute_follows_data.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/compute_follows_data.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/compute_follows_data.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/compute_follows_data.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/dbscan.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/dbscan.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/dbscan.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/dbscan.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/matrix_mul.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/matrix_mul.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/matrix_mul.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/matrix_mul.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/serial_python.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/serial_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/serial_python.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/serial_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_2d.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_2d.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_2d.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_2d.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_context.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_context.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_context.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_context.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_njit_cpu.py b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_njit_cpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_njit_cpu.py rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/lab/simple_njit_cpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/q b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/q rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_matrix_mul.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_matrix_mul.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_matrix_mul.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_matrix_mul.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_auto.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_auto.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_auto.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_auto.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_cpu.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_cpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_cpu.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_njit_cpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_serial_python.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_serial_python.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_serial_python.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_serial_python.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_2d.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_2d.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_2d.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_2d.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_context.sh b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_context.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_context.sh rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/run_simple_context.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/third-party-programs.txt rename to Training/Numba_dpex_Essentials_training/01_dpex_Intro/third-party-programs.txt index 8351f80d1d..40e2411c4f 100644 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/00_dpex_Prerequisites/third-party-programs.txt +++ b/Training/Numba_dpex_Essentials_training/01_dpex_Intro/third-party-programs.txt @@ -1,457 +1,457 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/Assets/usm.png b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/Assets/usm.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/Assets/usm.png rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/Assets/usm.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/License.txt b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/License.txt rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/Readme.md b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/Readme.md rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/dpex_dpCtl.ipynb b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/dpex_dpCtl.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/dpex_dpCtl.ipynb rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/dpex_dpCtl.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/.gitkeep b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/.gitkeep similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/.gitkeep rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/.gitkeep diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/compute_follows_data.py b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/compute_follows_data.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/compute_follows_data.py rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/compute_follows_data.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dbscan.py b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dbscan.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dbscan.py rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dbscan.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_mem_sample.py b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_mem_sample.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_mem_sample.py rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_mem_sample.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_queue_2.py b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_queue_2.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_queue_2.py rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/dpctl_queue_2.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl.py b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl.py rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl_queue.py b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl_queue.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl_queue.py rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/lab/simple_dpctl_queue.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/q b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/q rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_compute_follows_data.sh b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_compute_follows_data.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_compute_follows_data.sh rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_compute_follows_data.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dbscan.sh b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dbscan.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dbscan.sh rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dbscan.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_mem.sh b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_mem.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_mem.sh rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_mem.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue.sh b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue.sh rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue2.sh b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue2.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue2.sh rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_dpctl_queue2.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_simple_dpctl.sh b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_simple_dpctl.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/run_simple_dpctl.sh rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/run_simple_dpctl.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/third-party-programs.txt rename to Training/Numba_dpex_Essentials_training/02_dpctl_Intro/third-party-programs.txt index 8351f80d1d..40e2411c4f 100644 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/01_dpex_Intro/third-party-programs.txt +++ b/Training/Numba_dpex_Essentials_training/02_dpctl_Intro/third-party-programs.txt @@ -1,457 +1,457 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l1_distance.png b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l1_distance.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l1_distance.png rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l1_distance.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l2_distance.png b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l2_distance.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l2_distance.png rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/l2_distance.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise1.png b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise1.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise1.png rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise1.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise2.png b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise2.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise2.png rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Assets/pairwise2.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/License.txt b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/License.txt rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/ChurnDownload.png b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/ChurnDownload.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/ChurnDownload.png rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/ChurnDownload.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/DragHere.jpg b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/DragHere.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/DragHere.jpg rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/DragHere.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/KNNacceleration.jpg b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/KNNacceleration.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/KNNacceleration.jpg rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/KNNacceleration.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/Kmeans.jpg b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/Kmeans.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/Kmeans.jpg rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/Kmeans.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/PairwiseStocks.jpg b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/PairwiseStocks.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/PairwiseStocks.jpg rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/PairwiseStocks.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVC_results.png b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVC_results.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVC_results.png rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVC_results.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVCacceleration.jpg b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVCacceleration.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVCacceleration.jpg rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/SVCacceleration.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/UploadToDevcloud.JPG b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/UploadToDevcloud.JPG similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/UploadToDevcloud.JPG rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/Assets/UploadToDevcloud.JPG diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/License.txt b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/License.txt rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/Telco Churn dataset.xlsx b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/Telco Churn dataset.xlsx similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/Telco Churn dataset.xlsx rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/Telco Churn dataset.xlsx diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/connect-4.data b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/connect-4.data similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/connect-4.data rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/connect-4.data diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/portfolio500.npy b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/portfolio500.npy similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/portfolio500.npy rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/portfolio500.npy diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/shapes2022.npy b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/shapes2022.npy similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/shapes2022.npy rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/data/shapes2022.npy diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/q b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/q similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/q rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/01_Pairwise_DistanceVectorizedStockSImulationReadPortfolio.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/data/shapes2022.npy b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/data/shapes2022.npy similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/data/shapes2022.npy rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Pairwise_cosine_correlation/solution/data/shapes2022.npy diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Readme.md b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Readme.md rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/dpex_Pairwise_Distance.ipynb b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/dpex_Pairwise_Distance.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/dpex_Pairwise_Distance.ipynb rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/dpex_Pairwise_Distance.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/.gitkeep b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/.gitkeep similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/.gitkeep rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/.gitkeep diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_l2_distance.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_l2_distance.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_l2_distance.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_l2_distance.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu_graph.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu_graph.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/base_pair_wise_gpu_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/device_selector.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/device_selector.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/device_selector.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/device_selector.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_l2.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_l2.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_l2.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_l2.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_random.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_random.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_random.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/generate_data_random.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance_python.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance_python.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/l2_distance_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_roofline.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_roofline.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_roofline.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_roofline.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_vtune.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_vtune.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_vtune.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/mm_basic_vtune.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_graph.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_graph.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_kernel.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_kernel.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_numpy.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_numpy.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_numpy.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pair_wise_numpy.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_gpu.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_gpu.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_python.py b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_python.py rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/lab/pairwise_distance_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/q b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/q rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_100.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_100.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_100.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_100.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_dim3.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_dim3.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_dim3.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_dim3.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots100.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots100.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots100.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots100.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots_dim3.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots_dim3.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots_dim3.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/output_hotspots_dim3.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_cpu_output.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_cpu_output.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_cpu_output.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_cpu_output.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm_hotspots.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm_hotspots.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm_hotspots.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/pairwise_usm_hotspots.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/roofline_pairwise.html b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/roofline_pairwise.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/roofline_pairwise.html rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/reports/roofline_pairwise.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/resultsDict.dat b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/resultsDict.dat old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/resultsDict.dat rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/resultsDict.dat diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_l2_kernel.sh b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_l2_kernel.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_l2_kernel.sh rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_l2_kernel.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_graph.sh b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_graph.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_graph.sh rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_graph.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit.sh b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit.sh rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit_gpu.sh b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit_gpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit_gpu.sh rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_jit_gpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_kernel.sh b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_kernel.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_kernel.sh rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_kernel.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_numpy.sh b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_numpy.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_numpy.sh rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/run_pair_wise_numpy.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/third-party-programs.txt similarity index 98% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/third-party-programs.txt rename to Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/third-party-programs.txt index 8351f80d1d..40e2411c4f 100644 --- a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/02_dpctl_Intro/third-party-programs.txt +++ b/Training/Numba_dpex_Essentials_training/03_dpex_Pairwise_Distance/third-party-programs.txt @@ -1,457 +1,457 @@ -oneAPI Code Samples - Third Party Programs File - -This file contains the list of third party software ("third party programs") -contained in the Intel software and their required notices and/or license -terms. This third party software, even if included with the distribution of the -Intel software, may be governed by separate license terms, including without -limitation, third party license terms, other Intel software license terms, and -open source software license terms. These separate license terms govern your use -of the third party programs as set forth in the “third-party-programs.txt” or -other similarly named text file. - -Third party programs and their corresponding required notices and/or license -terms are listed below. - --------------------------------------------------------------------------------- -1. n-digit-mnist - -Apache License 2.0 - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. --------------------------------------------------------------------------------- -2. GNU-EFI - Copyright (c) 1998-2000 Intel Corporation - -The files in the "lib" and "inc" subdirectories are using the EFI Application -Toolkit distributed by Intel at http://developer.intel.com/technology/efi - -This code is covered by the following agreement: - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION -ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT -TO CHANGE WITHOUT NOTICE. - --------------------------------------------------------------------------------- -3. Edk2 - Copyright (c) 2019, Intel Corporation. All rights reserved. - - Edk2 Basetools - Copyright (c) 2019, Intel Corporation. All rights reserved. - -SPDX-License-Identifier: BSD-2-Clause-Patent - --------------------------------------------------------------------------------- -4. Rodinia - Copyright (c)2008-2011 University of Virginia -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -If you use this software or a modified version of it, please cite the most relevant among the following papers: - - - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International -Symposium on Computer Architecture (ISCA), June 2010. - - - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. -Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium -on Workload Characterization, Oct 2009. - -- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization -for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International -Conference on Supercomputing (ICS), June 2009. - -- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems -Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International -Symposium on Computer Architecture (ISCA), June 2009. - -- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: -A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel -and Distributed Processing Symposium (IPDPS), May 2009. - -- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance -Study of General Purpose Applications on Graphics Processors using CUDA" Journal of -Parallel and Distributed Computing, Elsevier, June 2008. - --------------------------------------------------------------------------------- -5. Heat Transmission - -GNU LESSER GENERAL PUBLIC LICENSE -Version 3, 29 June 2007 - -Copyright © 2007 Free Software Foundation, Inc. - -Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. - -This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. - -0. Additional Definitions. -As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. - -“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. - -An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. - -A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. - -The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. - -The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. - -1. Exception to Section 3 of the GNU GPL. -You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. - -2. Conveying Modified Versions. -If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: - -a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or -b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. -3. Object Code Incorporating Material from Library Header Files. -The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: - -a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the object code with a copy of the GNU GPL and this license document. -4. Combined Works. -You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: - -a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. -b) Accompany the Combined Work with a copy of the GNU GPL and this license document. -c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. -d) Do one of the following: -0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. -1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. -e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) -5. Combined Libraries. -You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: - -a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. -b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. -6. Revised Versions of the GNU Lesser General Public License. -The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. - -Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. - -If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. - --------------------------------------------------------------------------------- -6. chart.js - Copyright (c) 2014-2021 Chart.js Contributors - - color - Copyright (c) 2018-2021 Jukka Kurkela - - Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 - copyright 2015-2021 Microsoft Corp. - - Microsoft DirectX 11 Tutorial Wiki - - Nbody - (c) 2019 Fabio Baruffa - - Nothings/STB - Copyright (c) 2017 Sean Barrett - - Plotly.js - Copyright (c) 2020 Plotly, Inc - - pytracing - Copyright (c) 2015 Kris Wilson - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - --------------------------------------------------------------------------------- -7. Stream - -***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. - -* Copyright 1991-2003: John D. McCalpin -*----------------------------------------------------------------------- -* License: -* 1. You are free to use this program and/or to redistribute -* this program. -* 2. You are free to modify this program for your own use, -* including commercial use, subject to the publication -* restrictions in item 3. -* 3. You are free to publish results obtained from running this -* program, or from works that you derive from this program, -* with the following limitations: -* 3a. In order to be referred to as "STREAM benchmark results", -* published results must be in conformance to the STREAM -* Run Rules, (briefly reviewed below) published at -* http://www.cs.virginia.edu/stream/ref.html -* and incorporated herein by reference. -* As the copyright holder, John McCalpin retains the -* right to determine conformity with the Run Rules. -* 3b. Results based on modified source code or on runs not in -* accordance with the STREAM Run Rules must be clearly -* labelled whenever they are published. Examples of -* proper labelling include: -* "tuned STREAM benchmark results" -* "based on a variant of the STREAM benchmark code" -* Other comparable, clear and reasonable labelling is -* acceptable. -* 3c. Submission of results to the STREAM benchmark web site -* is encouraged, but not required. -* 4. Use of this program or creation of derived works based on this -* program constitutes acceptance of these licensing restrictions. -* 5. Absolutely no warranty is expressed or implied. - --------------------------------------------------------------------------------- -8. FGPA example designs-gzip - - SDL2.0 - -zlib License - - - This software is provided 'as-is', without any express or implied - warranty. In no event will the authors be held liable for any damages - arising from the use of this software. - - Permission is granted to anyone to use this software for any purpose, - including commercial applications, and to alter it and redistribute it - freely, subject to the following restrictions: - - 1. The origin of this software must not be misrepresented; you must not - claim that you wrote the original software. If you use this software - in a product, an acknowledgment in the product documentation would be - appreciated but is not required. - 2. Altered source versions must be plainly marked as such, and must not be - misrepresented as being the original software. - 3. This notice may not be removed or altered from any source distribution. - --------------------------------------------------------------------------------- +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/License.txt b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/License.txt rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/Readme.md b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/Readme.md rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/dpex_Black_Sholes.ipynb b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/dpex_Black_Sholes.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/dpex_Black_Sholes.ipynb rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/dpex_Black_Sholes.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/.gitkeep b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/.gitkeep similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/.gitkeep rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/.gitkeep diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_gpu.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_gpu.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_graph.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_graph.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/base_bs_erf_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_cpu.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_cpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_cpu.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_cpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_gpu.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_gpu.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_jit_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_kernel.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_kernel.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy_graph.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy_graph.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/black_sholes_numpy_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/bs_python.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/bs_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/bs_python.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/bs_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/device_selector.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/device_selector.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/device_selector.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/device_selector.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/generate_data_random.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/generate_data_random.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/generate_data_random.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/generate_data_random.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_roofline.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_roofline.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_roofline.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_roofline.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_vtune.py b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_vtune.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_vtune.py rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/lab/mm_basic_vtune.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/q b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/q rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_cpu.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_cpu.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_cpu.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_cpu.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_hotspots_output.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_hotspots_output.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_hotspots_output.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_hotspots_output.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_output.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_output.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_output.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/bl_usm_output.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_hotspots_repeat5.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_hotspots_repeat5.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_hotspots_repeat5.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_hotspots_repeat5.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_repeat5.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_repeat5.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_repeat5.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/output_repeat5.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_227.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_227.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_227.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_227.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_bs_cpu.html b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_bs_cpu.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_bs_cpu.html rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/reports/roofline_bs_cpu.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/resultsDict.dat b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/resultsDict.dat similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/resultsDict.dat rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/resultsDict.dat diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_cpu.sh b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_cpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_cpu.sh rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_cpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_gpu.sh b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_gpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_gpu.sh rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_jit_gpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_kernel.sh b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_kernel.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_kernel.sh rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_kernel.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy.sh b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy.sh similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy.sh rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy_graph.sh b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy_graph.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy_graph.sh rename to Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/run_black_sholes_numpy_graph.sh diff --git a/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/third-party-programs.txt new file mode 100644 index 0000000000..40e2411c4f --- /dev/null +++ b/Training/Numba_dpex_Essentials_training/04_dpex_Black_Sholes/third-party-programs.txt @@ -0,0 +1,457 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/License.txt b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/License.txt rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/Readme.md b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/Readme.md rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/dpex_Kmeans.ipynb b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/dpex_Kmeans.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/dpex_Kmeans.ipynb rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/dpex_Kmeans.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu_graph.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu_graph.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/base_kmeans_gpu_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/device_selector.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/device_selector.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/device_selector.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/device_selector.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/generate_random_data.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/generate_random_data.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/generate_random_data.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/generate_random_data.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_gpu.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_gpu.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic_graph.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic_graph.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_atomic_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_gpu_graph.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_gpu_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_gpu_graph.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_kernel_gpu_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_python.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_python.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/kmeans_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_roofline.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_roofline.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_roofline.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_roofline.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_vtune.py b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_vtune.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_vtune.py rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/lab/mm_basic_vtune.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/q b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/q rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/advisor-report_kmeans.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/advisor-report_kmeans.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/advisor-report_kmeans.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/advisor-report_kmeans.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_hotspots.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_hotspots.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_hotspots.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_hotspots.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_offload.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_offload.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_offload.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat100_offload.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_hotspots.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_hotspots.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_hotspots.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_hotspots.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_offload.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_offload.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_offload.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat1_offload.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_hotspots.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_hotspots.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_hotspots.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_hotspots.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_offload.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_offload.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_offload.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/kmeans_repeat20_offload.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/report_kmeans.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/report_kmeans.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/report_kmeans.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/report_kmeans.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/roofline_kmeans.html b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/roofline_kmeans.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/roofline_kmeans.html rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/reports/roofline_kmeans.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/resultsDict.dat b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/resultsDict.dat old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/resultsDict.dat rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/resultsDict.dat diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic.sh b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic.sh rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic_graph.sh b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic_graph.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic_graph.sh rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_atomic_graph.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_cpu.sh b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_cpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_cpu.sh rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_cpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_gpu.sh b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_gpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_gpu.sh rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_gpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_kernel.sh b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_kernel.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_kernel.sh rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/run_kmeans_kernel.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/03_Patching_Kmeans.ipynb b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/03_Patching_Kmeans.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/03_Patching_Kmeans.ipynb rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/03_Patching_Kmeans.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/ChurnDownload.png b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/ChurnDownload.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/ChurnDownload.png rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/ChurnDownload.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/DragHere.jpg b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/DragHere.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/DragHere.jpg rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/DragHere.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/KNNacceleration.jpg b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/KNNacceleration.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/KNNacceleration.jpg rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/KNNacceleration.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/Kmeans.jpg b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/Kmeans.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/Kmeans.jpg rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/Kmeans.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/PairwiseStocks.jpg b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/PairwiseStocks.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/PairwiseStocks.jpg rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/PairwiseStocks.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVC_results.png b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVC_results.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVC_results.png rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVC_results.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVCacceleration.jpg b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVCacceleration.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVCacceleration.jpg rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/SVCacceleration.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/UploadToDevcloud.JPG b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/UploadToDevcloud.JPG similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/UploadToDevcloud.JPG rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Assets/UploadToDevcloud.JPG diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Kmeans.jpg b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Kmeans.jpg similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Kmeans.jpg rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/Kmeans.jpg diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/README.md b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/README.md rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/README.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_ClusterCenters.csv b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_ClusterCenters.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_ClusterCenters.csv rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_ClusterCenters.csv diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_Labels.csv b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_Labels.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_Labels.csv rename to Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/sklearn_kmeans/kmeans_Labels.csv diff --git a/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/third-party-programs.txt new file mode 100644 index 0000000000..40e2411c4f --- /dev/null +++ b/Training/Numba_dpex_Essentials_training/05_dpex_Kmeans/third-party-programs.txt @@ -0,0 +1,457 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/hwmapping.png b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/hwmapping.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/hwmapping.png rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/hwmapping.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/localmem.png b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/localmem.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/localmem.png rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/localmem.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange-subgroup.png b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange-subgroup.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange-subgroup.png rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange-subgroup.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange.png b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange.png rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/ndrange.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/workgroup.png b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/workgroup.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/workgroup.png rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Assets/workgroup.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/LICENSE.txt b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/LICENSE.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/LICENSE.txt rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/LICENSE.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Readme.md b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Readme.md rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_Gpairs.ipynb b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_Gpairs.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_Gpairs.ipynb rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_Gpairs.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_ndrange_kernels.ipynb b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_ndrange_kernels.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_ndrange_kernels.ipynb rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/dpex_ndrange_kernels.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/.gitkeep b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/.gitkeep similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/.gitkeep rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/.gitkeep diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_diff.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_diff.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_diff.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_diff.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.json b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.json similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.json rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.json diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu_graph.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu_graph.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_gpu_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_naive.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_naive.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_naive.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/base_gpairs_naive.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/device_selector.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/device_selector.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/device_selector.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/device_selector.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts_gpu.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts_gpu.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gaussian_weighted_pair_counts_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/generate_data_random.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/generate_data_random.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/generate_data_random.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/generate_data_random.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_graph.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_graph.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_diff.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_diff.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_diff.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_diff.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_imp.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_imp.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_imp.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_gpu_private_memory_imp.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_python.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_python.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gpairs_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private_diff.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private_diff.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private_diff.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/gwpc_private_diff.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/local_memory_kernel.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/local_memory_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/local_memory_kernel.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/local_memory_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_roofline.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_roofline.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_roofline.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_roofline.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_vtune.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_vtune.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_vtune.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/mm_basic_vtune.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/private_memory_kernel.py b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/private_memory_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/private_memory_kernel.py rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/lab/private_memory_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/q b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/q rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots.html b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots.html rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_2pow16.html b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_2pow16.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_2pow16.html rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_2pow16.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_normal_216.html b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_normal_216.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_normal_216.html rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_hotspots_normal_216.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload.html b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload.html rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_2pow16.html b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_2pow16.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_2pow16.html rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_2pow16.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_normal_2pow16.html b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_normal_2pow16.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_normal_2pow16.html rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/reports/gpairs_repeat1_offload_normal_2pow16.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/resultsDict.dat b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/resultsDict.dat old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/resultsDict.dat rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/resultsDict.dat diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu_graph.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu_graph.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu_graph.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_jit_gpu_graph.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu_diff.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu_diff.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu_diff.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_gpairs_private_gpu_diff.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_local_memory.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_local_memory.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_local_memory.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_local_memory.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_private_memory.sh b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_private_memory.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_private_memory.sh rename to Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/run_private_memory.sh diff --git a/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/third-party-programs.txt new file mode 100644 index 0000000000..40e2411c4f --- /dev/null +++ b/Training/Numba_dpex_Essentials_training/06_dpex_GPAIRS/third-party-programs.txt @@ -0,0 +1,457 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn1.png b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn1.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn1.png rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn1.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn2.png b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn2.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn2.png rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/Assets/knn2.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/License.txt b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/License.txt rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/Readme.md b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/Readme.md rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/dpex_KNN.ipynb b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/dpex_KNN.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/dpex_KNN.ipynb rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/dpex_KNN.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_graph.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_graph.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_jit.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_jit.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_jit.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/base_knn_jit.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/device_selector.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/device_selector.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/device_selector.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/device_selector.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/generate_data_random.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/generate_data_random.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/generate_data_random.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/generate_data_random.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_functions.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_functions.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_functions.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_functions.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_gpu_jit.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_gpu_jit.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_gpu_jit.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_gpu_jit.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_jit.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_jit.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_jit.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_jit.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel_graph.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel_graph.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel_graph.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_kernel_graph.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python_jit.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python_jit.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python_jit.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/knn_python_jit.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/mm_basic_vtune.py b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/mm_basic_vtune.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/lab/mm_basic_vtune.py rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/lab/mm_basic_vtune.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/q b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/q rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_214.html b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_214.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_214.html rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_214.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_224.html b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_224.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_224.html rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_224.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_214.html b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_214.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_214.html rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_214.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_224.html b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_224.html similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_224.html rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/reports/Knn_output_hotspots_224.html diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/resultsDict_knn.dat b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/resultsDict_knn.dat old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/resultsDict_knn.dat rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/resultsDict_knn.dat diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_cpu.sh b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_cpu.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_cpu.sh rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_cpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_gpu.sh b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_gpu.sh similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_gpu.sh rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_gpu.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_graph.sh b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_graph.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_graph.sh rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_graph.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_kernel.sh b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_kernel.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_kernel.sh rename to Training/Numba_dpex_Essentials_training/07_dpex_KNN/run_knn_kernel.sh diff --git a/Training/Numba_dpex_Essentials_training/07_dpex_KNN/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/third-party-programs.txt new file mode 100644 index 0000000000..40e2411c4f --- /dev/null +++ b/Training/Numba_dpex_Essentials_training/07_dpex_KNN/third-party-programs.txt @@ -0,0 +1,457 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/hwmapping.png b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/hwmapping.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/hwmapping.png rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/hwmapping.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/localmem.png b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/localmem.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/localmem.png rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/localmem.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange-subgroup.png b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange-subgroup.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange-subgroup.png rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange-subgroup.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange.png b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange.png rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/ndrange.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/workgroup.png b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/workgroup.png similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/workgroup.png rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/Assets/workgroup.png diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Readme.md b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/Readme.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/Readme.md rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/Readme.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/dpex_reductions.ipynb b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/dpex_reductions.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/dpex_reductions.ipynb rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/dpex_reductions.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/atomics_kernel.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/atomics_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/atomics_kernel.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/atomics_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory_kernel.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory_kernel.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/local_memory_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/private_memory_kernel.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/private_memory_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/private_memory_kernel.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/private_memory_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/recursive_reduction_kernel.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/recursive_reduction_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/recursive_reduction_kernel.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/recursive_reduction_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduce_local_memory.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduce_local_memory.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduce_local_memory.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduce_local_memory.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduction_kernel.py b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduction_kernel.py similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduction_kernel.py rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/lab/reduction_kernel.py diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/q b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/q old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/q rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/q diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/reduce_local_memory.sh b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/reduce_local_memory.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/reduce_local_memory.sh rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/reduce_local_memory.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_atomics.sh b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_atomics.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_atomics.sh rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_atomics.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_local_memory.sh b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_local_memory.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_local_memory.sh rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_local_memory.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_private_memory.sh b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_private_memory.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_private_memory.sh rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_private_memory.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_recursive_reduction.sh b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_recursive_reduction.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_recursive_reduction.sh rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_recursive_reduction.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_reduction_kernel.sh b/Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_reduction_kernel.sh old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/08_dpex_reductions/run_reduction_kernel.sh rename to Training/Numba_dpex_Essentials_training/08_dpex_reductions/run_reduction_kernel.sh diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/License.txt b/Training/Numba_dpex_Essentials_training/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/License.txt rename to Training/Numba_dpex_Essentials_training/License.txt diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/Makefile b/Training/Numba_dpex_Essentials_training/Makefile similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/Makefile rename to Training/Numba_dpex_Essentials_training/Makefile diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/README.md b/Training/Numba_dpex_Essentials_training/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/README.md rename to Training/Numba_dpex_Essentials_training/README.md diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/Welcome.ipynb b/Training/Numba_dpex_Essentials_training/Welcome.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/Welcome.ipynb rename to Training/Numba_dpex_Essentials_training/Welcome.ipynb diff --git a/AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/sample.json b/Training/Numba_dpex_Essentials_training/sample.json similarity index 100% rename from AI-and-Analytics/Jupyter/Numba_dpex_Essentials_training/sample.json rename to Training/Numba_dpex_Essentials_training/sample.json diff --git a/Training/Numba_dpex_Essentials_training/third-party-programs.txt b/Training/Numba_dpex_Essentials_training/third-party-programs.txt new file mode 100644 index 0000000000..40e2411c4f --- /dev/null +++ b/Training/Numba_dpex_Essentials_training/third-party-programs.txt @@ -0,0 +1,457 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +-------------------------------------------------------------------------------- diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/00_Local_Setup/Local_Setup.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/00_Local_Setup/Local_Setup.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/00_Local_Setup/Local_Setup.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/00_Local_Setup/Local_Setup.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/Decision_Trees.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/Decision_Trees.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/Decision_Trees.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/Decision_Trees.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Datasets_Attributions.pdf b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Datasets_Attributions.pdf old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Datasets_Attributions.pdf rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Datasets_Attributions.pdf diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Wine_Quality_Data.csv b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Wine_Quality_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Wine_Quality_Data.csv rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/data/Wine_Quality_Data.csv diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/requirements.txt b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/requirements.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/requirements.txt rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/01_Decision_Trees/requirements.txt diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/Bagging_RF.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/Bagging_RF.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/Bagging_RF.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/Bagging_RF.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Datasets_Attributions.pdf b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Datasets_Attributions.pdf old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Datasets_Attributions.pdf rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Datasets_Attributions.pdf diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Orange_Telecom_Churn_Data.csv b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Orange_Telecom_Churn_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Orange_Telecom_Churn_Data.csv rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Orange_Telecom_Churn_Data.csv diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Wine_Quality_Data.csv b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Wine_Quality_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Wine_Quality_Data.csv rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/02_Bagging/data/Wine_Quality_Data.csv diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/3D_view_energy_of_8_TeV.png b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/3D_view_energy_of_8_TeV.png similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/3D_view_energy_of_8_TeV.png rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/3D_view_energy_of_8_TeV.png diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/License.txt b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/License.txt old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/License.txt rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/License.txt diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/XGBoost.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/XGBoost.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/XGBoost.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/03_XGBoost/XGBoost.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/3D_view_energy_of_8_TeV.png b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/3D_view_energy_of_8_TeV.png similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/3D_view_energy_of_8_TeV.png rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/3D_view_energy_of_8_TeV.png diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/License.txt b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/License.txt old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/License.txt rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/License.txt diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/XGBoost-oneDal.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/XGBoost-oneDal.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/XGBoost-oneDal.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling.complete/04_oneDal/XGBoost-oneDal.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/00_Local_Setup/Local_Setup.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/00_Local_Setup/Local_Setup.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/00_Local_Setup/Local_Setup.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/00_Local_Setup/Local_Setup.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/Decision_Trees.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/Decision_Trees.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/Decision_Trees.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/Decision_Trees.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Datasets_Attributions.pdf b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Datasets_Attributions.pdf old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Datasets_Attributions.pdf rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Datasets_Attributions.pdf diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Wine_Quality_Data.csv b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Wine_Quality_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Wine_Quality_Data.csv rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/01_Decision_Trees/data/Wine_Quality_Data.csv diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/Bagging_RF.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/Bagging_RF.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/Bagging_RF.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/Bagging_RF.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Datasets_Attributions.pdf b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Datasets_Attributions.pdf old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Datasets_Attributions.pdf rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Datasets_Attributions.pdf diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Orange_Telecom_Churn_Data.csv b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Orange_Telecom_Churn_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Orange_Telecom_Churn_Data.csv rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Orange_Telecom_Churn_Data.csv diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Wine_Quality_Data.csv b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Wine_Quality_Data.csv similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Wine_Quality_Data.csv rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/02_Bagging/data/Wine_Quality_Data.csv diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/3D_view_energy_of_8_TeV.png b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/3D_view_energy_of_8_TeV.png similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/3D_view_energy_of_8_TeV.png rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/3D_view_energy_of_8_TeV.png diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/License.txt b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/License.txt old mode 100755 new mode 100644 similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/License.txt rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/License.txt diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/XGBoost.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/XGBoost.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/XGBoost.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/03_XGBoost/XGBoost.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/3D_view_energy_of_8_TeV.png b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/3D_view_energy_of_8_TeV.png similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/3D_view_energy_of_8_TeV.png rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/3D_view_energy_of_8_TeV.png diff --git a/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/License.txt b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/License.txt new file mode 100644 index 0000000000..e63c6e13dc --- /dev/null +++ b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/License.txt @@ -0,0 +1,7 @@ +Copyright Intel Corporation + +Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/XGBoost-oneDal.ipynb b/Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/XGBoost-oneDal.ipynb similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/XGBoost-oneDal.ipynb rename to Training/Predictive_Modeling_Training/AI_Kit_XGBoost_Predictive_Modeling/04_oneDal/XGBoost-oneDal.ipynb diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/License.txt b/Training/Predictive_Modeling_Training/License.txt similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/License.txt rename to Training/Predictive_Modeling_Training/License.txt diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/Makefile b/Training/Predictive_Modeling_Training/Makefile similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/Makefile rename to Training/Predictive_Modeling_Training/Makefile diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/README.md b/Training/Predictive_Modeling_Training/README.md similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/README.md rename to Training/Predictive_Modeling_Training/README.md diff --git a/AI-and-Analytics/Jupyter/Predictive_Modeling_Training/sample.json b/Training/Predictive_Modeling_Training/sample.json similarity index 100% rename from AI-and-Analytics/Jupyter/Predictive_Modeling_Training/sample.json rename to Training/Predictive_Modeling_Training/sample.json diff --git a/Training/Predictive_Modeling_Training/third-party-programs.txt b/Training/Predictive_Modeling_Training/third-party-programs.txt new file mode 100644 index 0000000000..40e2411c4f --- /dev/null +++ b/Training/Predictive_Modeling_Training/third-party-programs.txt @@ -0,0 +1,457 @@ +oneAPI Code Samples - Third Party Programs File + +This file contains the list of third party software ("third party programs") +contained in the Intel software and their required notices and/or license +terms. This third party software, even if included with the distribution of the +Intel software, may be governed by separate license terms, including without +limitation, third party license terms, other Intel software license terms, and +open source software license terms. These separate license terms govern your use +of the third party programs as set forth in the “third-party-programs.txt” or +other similarly named text file. + +Third party programs and their corresponding required notices and/or license +terms are listed below. + +-------------------------------------------------------------------------------- +1. n-digit-mnist + +Apache License 2.0 + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. +-------------------------------------------------------------------------------- +2. GNU-EFI + Copyright (c) 1998-2000 Intel Corporation + +The files in the "lib" and "inc" subdirectories are using the EFI Application +Toolkit distributed by Intel at http://developer.intel.com/technology/efi + +This code is covered by the following agreement: + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED ``AS IS'' AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL INTEL BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. THE EFI SPECIFICATION AND ALL OTHER INFORMATION +ON THIS WEB SITE ARE PROVIDED "AS IS" WITH NO WARRANTIES, AND ARE SUBJECT +TO CHANGE WITHOUT NOTICE. + +-------------------------------------------------------------------------------- +3. Edk2 + Copyright (c) 2019, Intel Corporation. All rights reserved. + + Edk2 Basetools + Copyright (c) 2019, Intel Corporation. All rights reserved. + +SPDX-License-Identifier: BSD-2-Clause-Patent + +-------------------------------------------------------------------------------- +4. Rodinia + Copyright (c)2008-2011 University of Virginia +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted without royalty fees or other restrictions, provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + * Neither the name of the University of Virginia, the Dept. of Computer Science, nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF VIRGINIA OR THE SOFTWARE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +If you use this software or a modified version of it, please cite the most relevant among the following papers: + + - M. A. Goodrum, M. J. Trotter, A. Aksel, S. T. Acton, and K. Skadron. Parallelization of Particle Filter Algorithms. In Proceedings of the 3rd Workshop on Emerging Applications and Many-core Architecture (EAMA), in conjunction with the IEEE/ACM International +Symposium on Computer Architecture (ISCA), June 2010. + + - S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, Sang-Ha Lee and K. Skadron. +Rodinia: A Benchmark Suite for Heterogeneous Computing. IEEE International Symposium +on Workload Characterization, Oct 2009. + +- J. Meng and K. Skadron. "Performance Modeling and Automatic Ghost Zone Optimization +for Iterative Stencil Loops on GPUs." In Proceedings of the 23rd Annual ACM International +Conference on Supercomputing (ICS), June 2009. + +- L.G. Szafaryn, K. Skadron and J. Saucerman. "Experiences Accelerating MATLAB Systems +Biology Applications." in Workshop on Biomedicine in Computing (BiC) at the International +Symposium on Computer Architecture (ISCA), June 2009. + +- M. Boyer, D. Tarjan, S. T. Acton, and K. Skadron. "Accelerating Leukocyte Tracking using CUDA: +A Case Study in Leveraging Manycore Coprocessors." In Proceedings of the International Parallel +and Distributed Processing Symposium (IPDPS), May 2009. + +- S. Che, M. Boyer, J. Meng, D. Tarjan, J. W. Sheaffer, and K. Skadron. "A Performance +Study of General Purpose Applications on Graphics Processors using CUDA" Journal of +Parallel and Distributed Computing, Elsevier, June 2008. + +-------------------------------------------------------------------------------- +5. Heat Transmission + +GNU LESSER GENERAL PUBLIC LICENSE +Version 3, 29 June 2007 + +Copyright © 2007 Free Software Foundation, Inc. + +Everyone is permitted to copy and distribute verbatim copies of this license document, but changing it is not allowed. + +This version of the GNU Lesser General Public License incorporates the terms and conditions of version 3 of the GNU General Public License, supplemented by the additional permissions listed below. + +0. Additional Definitions. +As used herein, “this License” refers to version 3 of the GNU Lesser General Public License, and the “GNU GPL” refers to version 3 of the GNU General Public License. + +“The Library” refers to a covered work governed by this License, other than an Application or a Combined Work as defined below. + +An “Application” is any work that makes use of an interface provided by the Library, but which is not otherwise based on the Library. Defining a subclass of a class defined by the Library is deemed a mode of using an interface provided by the Library. + +A “Combined Work” is a work produced by combining or linking an Application with the Library. The particular version of the Library with which the Combined Work was made is also called the “Linked Version”. + +The “Minimal Corresponding Source” for a Combined Work means the Corresponding Source for the Combined Work, excluding any source code for portions of the Combined Work that, considered in isolation, are based on the Application, and not on the Linked Version. + +The “Corresponding Application Code” for a Combined Work means the object code and/or source code for the Application, including any data and utility programs needed for reproducing the Combined Work from the Application, but excluding the System Libraries of the Combined Work. + +1. Exception to Section 3 of the GNU GPL. +You may convey a covered work under sections 3 and 4 of this License without being bound by section 3 of the GNU GPL. + +2. Conveying Modified Versions. +If you modify a copy of the Library, and, in your modifications, a facility refers to a function or data to be supplied by an Application that uses the facility (other than as an argument passed when the facility is invoked), then you may convey a copy of the modified version: + +a) under this License, provided that you make a good faith effort to ensure that, in the event an Application does not supply the function or data, the facility still operates, and performs whatever part of its purpose remains meaningful, or +b) under the GNU GPL, with none of the additional permissions of this License applicable to that copy. +3. Object Code Incorporating Material from Library Header Files. +The object code form of an Application may incorporate material from a header file that is part of the Library. You may convey such object code under terms of your choice, provided that, if the incorporated material is not limited to numerical parameters, data structure layouts and accessors, or small macros, inline functions and templates (ten or fewer lines in length), you do both of the following: + +a) Give prominent notice with each copy of the object code that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the object code with a copy of the GNU GPL and this license document. +4. Combined Works. +You may convey a Combined Work under terms of your choice that, taken together, effectively do not restrict modification of the portions of the Library contained in the Combined Work and reverse engineering for debugging such modifications, if you also do each of the following: + +a) Give prominent notice with each copy of the Combined Work that the Library is used in it and that the Library and its use are covered by this License. +b) Accompany the Combined Work with a copy of the GNU GPL and this license document. +c) For a Combined Work that displays copyright notices during execution, include the copyright notice for the Library among these notices, as well as a reference directing the user to the copies of the GNU GPL and this license document. +d) Do one of the following: +0) Convey the Minimal Corresponding Source under the terms of this License, and the Corresponding Application Code in a form suitable for, and under terms that permit, the user to recombine or relink the Application with a modified version of the Linked Version to produce a modified Combined Work, in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source. +1) Use a suitable shared library mechanism for linking with the Library. A suitable mechanism is one that (a) uses at run time a copy of the Library already present on the user's computer system, and (b) will operate properly with a modified version of the Library that is interface-compatible with the Linked Version. +e) Provide Installation Information, but only if you would otherwise be required to provide such information under section 6 of the GNU GPL, and only to the extent that such information is necessary to install and execute a modified version of the Combined Work produced by recombining or relinking the Application with a modified version of the Linked Version. (If you use option 4d0, the Installation Information must accompany the Minimal Corresponding Source and Corresponding Application Code. If you use option 4d1, you must provide the Installation Information in the manner specified by section 6 of the GNU GPL for conveying Corresponding Source.) +5. Combined Libraries. +You may place library facilities that are a work based on the Library side by side in a single library together with other library facilities that are not Applications and are not covered by this License, and convey such a combined library under terms of your choice, if you do both of the following: + +a) Accompany the combined library with a copy of the same work based on the Library, uncombined with any other library facilities, conveyed under the terms of this License. +b) Give prominent notice with the combined library that part of it is a work based on the Library, and explaining where to find the accompanying uncombined form of the same work. +6. Revised Versions of the GNU Lesser General Public License. +The Free Software Foundation may publish revised and/or new versions of the GNU Lesser General Public License from time to time. Such new versions will be similar in spirit to the present version, but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library as you received it specifies that a certain numbered version of the GNU Lesser General Public License “or any later version” applies to it, you have the option of following the terms and conditions either of that published version or of any later version published by the Free Software Foundation. If the Library as you received it does not specify a version number of the GNU Lesser General Public License, you may choose any version of the GNU Lesser General Public License ever published by the Free Software Foundation. + +If the Library as you received it specifies that a proxy can decide whether future versions of the GNU Lesser General Public License shall apply, that proxy's public statement of acceptance of any version is permanent authorization for you to choose that version for the Library. + +-------------------------------------------------------------------------------- +6. chart.js + Copyright (c) 2014-2021 Chart.js Contributors + + color + Copyright (c) 2018-2021 Jukka Kurkela + + Microsoft DirectX 11 Toolkit Engine Template: d3d11game_win32 + copyright 2015-2021 Microsoft Corp. + + Microsoft DirectX 11 Tutorial Wiki + + Nbody + (c) 2019 Fabio Baruffa + + Nothings/STB + Copyright (c) 2017 Sean Barrett + + Plotly.js + Copyright (c) 2020 Plotly, Inc + + pytracing + Copyright (c) 2015 Kris Wilson + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +-------------------------------------------------------------------------------- +7. Stream + +***NOTE: This is a modified version of Stream, hence sectin 3b of the license applies. + +* Copyright 1991-2003: John D. McCalpin +*----------------------------------------------------------------------- +* License: +* 1. You are free to use this program and/or to redistribute +* this program. +* 2. You are free to modify this program for your own use, +* including commercial use, subject to the publication +* restrictions in item 3. +* 3. You are free to publish results obtained from running this +* program, or from works that you derive from this program, +* with the following limitations: +* 3a. In order to be referred to as "STREAM benchmark results", +* published results must be in conformance to the STREAM +* Run Rules, (briefly reviewed below) published at +* http://www.cs.virginia.edu/stream/ref.html +* and incorporated herein by reference. +* As the copyright holder, John McCalpin retains the +* right to determine conformity with the Run Rules. +* 3b. Results based on modified source code or on runs not in +* accordance with the STREAM Run Rules must be clearly +* labelled whenever they are published. Examples of +* proper labelling include: +* "tuned STREAM benchmark results" +* "based on a variant of the STREAM benchmark code" +* Other comparable, clear and reasonable labelling is +* acceptable. +* 3c. Submission of results to the STREAM benchmark web site +* is encouraged, but not required. +* 4. Use of this program or creation of derived works based on this +* program constitutes acceptance of these licensing restrictions. +* 5. Absolutely no warranty is expressed or implied. + +-------------------------------------------------------------------------------- +8. FGPA example designs-gzip + + SDL2.0 + +zlib License + + + This software is provided 'as-is', without any express or implied + warranty. In no event will the authors be held liable for any damages + arising from the use of this software. + + Permission is granted to anyone to use this software for any purpose, + including commercial applications, and to alter it and redistribute it + freely, subject to the following restrictions: + + 1. The origin of this software must not be misrepresented; you must not + claim that you wrote the original software. If you use this software + in a product, an acknowledgment in the product documentation would be + appreciated but is not required. + 2. Altered source versions must be plainly marked as such, and must not be + misrepresented as being the original software. + 3. This notice may not be removed or altered from any source distribution. + +--------------------------------------------------------------------------------