├── .gitignore ├── SET_Certificate.pdf ├── datasets ├── eplStandings.csv └── 2017-18.csv ├── README.md ├── LSTM_New.ipynb ├── LSTM.ipynb └── fdManipulate.ipynb /.gitignore: -------------------------------------------------------------------------------- 1 | datasets/.ipynb_checkpoints/ 2 | datasets/soccer.zip 3 | .vscode/ 4 | env/ -------------------------------------------------------------------------------- /SET_Certificate.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/krishnakartik1/LSTM-footballMatchWinner/HEAD/SET_Certificate.pdf -------------------------------------------------------------------------------- /datasets/eplStandings.csv: -------------------------------------------------------------------------------- 1 | Team,15,14,13,12,11,10,9 2 | Leicester,1,14,,,,, 3 | Arsenal,2,3,4,4,3,4,3 4 | Tottenham,3,5,6,5,4,5,4 5 | Man City,4,2,1,2,1,3,5 6 | Man United,5,4,7,1,2,1,2 7 | Southampton,6,7,8,15,,, 8 | West Ham,7,12,13,9,,20,17 9 | Liverpool,8,6,2,7,9,6,7 10 | Stoke,9,9,9,16,13,13,11 11 | Chelsea,10,1,3,3,6,2,1 12 | Everton,11,11,5,6,7,7,8 13 | Swansea,12,8,12,12,12,, 14 | Watford,13,,,,,, 15 | West Brom,14,13,17,8,10,11, 16 | Crystal Palace,15,10,11,,,, 17 | Bournemouth,16,,,,,, 18 | Sunderland,17,16,14,17,14,10,13 19 | Newcastle,18,15,10,11,5,12, 20 | Norwich,19,,18,14,11,, 21 | Aston Villa,20,17,15,13,19,9,6 22 | Burnley,,19,,,,,18 23 | Hull,,18,16,,,,19 24 | Middlesbrough,,,,,,, 25 | QPR,,20,,20,17,, 26 | Fulham,,,19,10,8,8,12 27 | Cardiff,,,20,,,, 28 | Wigan,,,,18,15,16,16 29 | Reading,,,,19,,, 30 | Bolton,,,,,16,14,14 31 | Blackburn,,,,,18,15,10 32 | Wolves,,,,,20,17,15 33 | Birmingham,,,,,,18,9 34 | Blackpool,,,,,,19, 35 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # Predicting the football match winner using LSTM model of Recurrent Neural Networks 2 | 3 | This repository contains the code for a conference paper **"Predicting the football match winner using LSTM model of Recurrent Neural Networks"** that we wrote. This paper gives an introduction to the advantages of using an LSTM (Long Short-Term Memory) Cell in a Recurrent Neural Network and uses it to predict the outcome of a football match. 4 | 5 | ## Dataset 6 | 7 | The dataset used here has been obtained from [football-data.co.uk](http://football-data.co.uk/data.php). Datasets of the English Premier league have been taken from seasons 2010-11 to 2016-17. 8 | 9 | ## Data Preprocessing 10 | 11 | The files [dataCleaning.ipynb](dataCleaning.ipynb) and [fdManipulate.ipynb](fdManipulate.ipynb) take the raw data from the website and add attributes regarding the win streaks and the loss streaks for every team. Also, [eplStandings.csv](datasets/eplStandings.csv) contains the final ranks of all the teams in the English Premier League from 2010-11 to 2016-17. 12 | 13 | ## Prediction 14 | 15 | The file [LSTM.ipynb](LSTM.ipynb) [Depricated] constructs a RNN using the LSTM cell (tensorflow 1.14) and predicts the outcome of the [test dataset](allAtt_onehot_large_test.csv). 16 | 17 | The file [LSTM_New.ipynb](LSTM_New.ipynb) constructs a RNN using the LSTM cell (tensorflow keras API) and predicts the outcome of the [test dataset](allAtt_onehot_large_test.csv). 18 | 19 | ## Result 20 | 21 | This model proved to be better than the other models previously used to predict the winner of a football match. Detailed analysis is given in the [paper](Set_Paper.pdf) (under review). The accuracy percentages in the paper are incorrect. Please execute [LSTM_New.ipynb](LSTM_New.ipynb) python notebook to get the correct accuracy. 22 | 23 | ## Libraries Required 24 | 1. tensorflow 25 | 2. pandas 26 | 3. numpy 27 | 4. datetime 28 | 5. itertools 29 | 6. scikit-learn -------------------------------------------------------------------------------- /LSTM_New.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "import numpy as np\n", 10 | "import tensorflow as tf\n", 11 | "from tensorflow import keras\n", 12 | "from tensorflow.keras import layers\n", 13 | "import pandas as pd" 14 | ] 15 | }, 16 | { 17 | "cell_type": "code", 18 | "execution_count": 2, 19 | "metadata": {}, 20 | "outputs": [ 21 | { 22 | "name": "stdout", 23 | "output_type": "stream", 24 | "text": [ 25 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 ... ATWinStreak5 \\\n", 26 | "0 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 27 | "1 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 28 | "2 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 29 | "3 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 30 | "4 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 31 | "\n", 32 | " ATLossStreak3 ATLossStreak5 HTGD ATGD DiffPts DiffFormPts DiffLP \\\n", 33 | "0 0 0 0.0 0.0 0.0 0.0 -11.0 \n", 34 | "1 0 0 0.0 0.0 0.0 0.0 2.0 \n", 35 | "2 0 0 0.0 0.0 0.0 0.0 2.0 \n", 36 | "3 0 0 0.0 0.0 0.0 0.0 -17.0 \n", 37 | "4 0 0 0.0 0.0 0.0 0.0 4.0 \n", 38 | "\n", 39 | " final1 final2 \n", 40 | "0 1.0 0.0 \n", 41 | "1 1.0 0.0 \n", 42 | "2 0.0 1.0 \n", 43 | "3 1.0 0.0 \n", 44 | "4 0.0 1.0 \n", 45 | "\n", 46 | "[5 rows x 30 columns]\n", 47 | "(1860, 30)\n" 48 | ] 49 | } 50 | ], 51 | "source": [ 52 | "dataTrain=pd.read_csv(\"allAtt_onehot_large_train.csv\")\n", 53 | "dataTest=pd.read_csv(\"allAtt_onehot_large_test.csv\")\n", 54 | "print(dataTrain.head())\n", 55 | "print(dataTrain.shape)" 56 | ] 57 | }, 58 | { 59 | "cell_type": "code", 60 | "execution_count": 8, 61 | "metadata": {}, 62 | "outputs": [], 63 | "source": [ 64 | "batch_size = 64\n", 65 | "# Each MNIST image batch is a tensor of shape (batch_size, 28, 1).\n", 66 | "# Each input sequence will be of size (28, 1).\n", 67 | "input_dim = 27\n", 68 | "\n", 69 | "units = 64\n", 70 | "output_size = 2 # labels are from Win or Loss\n", 71 | "\n", 72 | "# Build the RNN model\n", 73 | "def build_model(allow_cudnn_kernel=True):\n", 74 | " # CuDNN is only available at the layer level, and not at the cell level.\n", 75 | " # This means `LSTM(units)` will use the CuDNN kernel,\n", 76 | " # while RNN(LSTMCell(units)) will run on non-CuDNN kernel.\n", 77 | " if allow_cudnn_kernel:\n", 78 | " # The LSTM layer with default options uses CuDNN.\n", 79 | " lstm_layer = keras.layers.LSTM(units, input_shape=(input_dim,1))\n", 80 | " else:\n", 81 | " # Wrapping a LSTMCell in a RNN layer will not use CuDNN.\n", 82 | " lstm_layer = keras.layers.RNN(\n", 83 | " keras.layers.LSTMCell(units), input_shape=(input_dim,1)\n", 84 | " )\n", 85 | " model = keras.models.Sequential(\n", 86 | " [\n", 87 | " lstm_layer,\n", 88 | " keras.layers.BatchNormalization(),\n", 89 | " keras.layers.Dense(output_size),\n", 90 | " ]\n", 91 | " )\n", 92 | " return model" 93 | ] 94 | }, 95 | { 96 | "cell_type": "code", 97 | "execution_count": 9, 98 | "metadata": {}, 99 | "outputs": [], 100 | "source": [ 101 | "x_train, y_train = dataTrain.iloc[:,1:28].values,dataTrain.iloc[:,28:].values\n", 102 | "x_train=np.reshape(x_train,(1860,27,1))\n", 103 | "x_test, y_test = dataTest.iloc[:,1:28].values,dataTest.iloc[:,28:].values\n", 104 | "x_test=np.reshape(x_test,(800,27,1))" 105 | ] 106 | }, 107 | { 108 | "cell_type": "code", 109 | "execution_count": 10, 110 | "metadata": {}, 111 | "outputs": [ 112 | { 113 | "name": "stdout", 114 | "output_type": "stream", 115 | "text": [ 116 | "Model: \"sequential_1\"\n", 117 | "_________________________________________________________________\n", 118 | " Layer (type) Output Shape Param # \n", 119 | "=================================================================\n", 120 | " lstm_1 (LSTM) (None, 64) 16896 \n", 121 | " \n", 122 | " batch_normalization_1 (Batc (None, 64) 256 \n", 123 | " hNormalization) \n", 124 | " \n", 125 | " dense_1 (Dense) (None, 2) 130 \n", 126 | " \n", 127 | "=================================================================\n", 128 | "Total params: 17,282\n", 129 | "Trainable params: 17,154\n", 130 | "Non-trainable params: 128\n", 131 | "_________________________________________________________________\n" 132 | ] 133 | } 134 | ], 135 | "source": [ 136 | "model = build_model(allow_cudnn_kernel=True)\n", 137 | "\n", 138 | "model.compile(\n", 139 | " loss=keras.losses.CategoricalCrossentropy(from_logits=True),\n", 140 | " optimizer=\"Adam\",\n", 141 | " metrics=[\"categorical_accuracy\"],\n", 142 | ")\n", 143 | "\n", 144 | "model.summary()" 145 | ] 146 | }, 147 | { 148 | "cell_type": "code", 149 | "execution_count": 11, 150 | "metadata": {}, 151 | "outputs": [ 152 | { 153 | "name": "stdout", 154 | "output_type": "stream", 155 | "text": [ 156 | "Epoch 1/10\n", 157 | "30/30 [==============================] - 4s 95ms/step - loss: 0.6652 - categorical_accuracy: 0.6672 - val_loss: 0.6646 - val_categorical_accuracy: 0.6463\n", 158 | "Epoch 2/10\n", 159 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6087 - categorical_accuracy: 0.6710 - val_loss: 0.6540 - val_categorical_accuracy: 0.6575\n", 160 | "Epoch 3/10\n", 161 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6058 - categorical_accuracy: 0.6758 - val_loss: 0.6508 - val_categorical_accuracy: 0.6625\n", 162 | "Epoch 4/10\n", 163 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6038 - categorical_accuracy: 0.6758 - val_loss: 0.6472 - val_categorical_accuracy: 0.6600\n", 164 | "Epoch 5/10\n", 165 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6054 - categorical_accuracy: 0.6694 - val_loss: 0.6399 - val_categorical_accuracy: 0.6650\n", 166 | "Epoch 6/10\n", 167 | "30/30 [==============================] - 0s 13ms/step - loss: 0.6039 - categorical_accuracy: 0.6688 - val_loss: 0.6352 - val_categorical_accuracy: 0.6612\n", 168 | "Epoch 7/10\n", 169 | "30/30 [==============================] - 0s 13ms/step - loss: 0.6155 - categorical_accuracy: 0.6683 - val_loss: 0.6354 - val_categorical_accuracy: 0.6500\n", 170 | "Epoch 8/10\n", 171 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6107 - categorical_accuracy: 0.6608 - val_loss: 0.6382 - val_categorical_accuracy: 0.6488\n", 172 | "Epoch 9/10\n", 173 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6063 - categorical_accuracy: 0.6661 - val_loss: 0.6278 - val_categorical_accuracy: 0.6650\n", 174 | "Epoch 10/10\n", 175 | "30/30 [==============================] - 0s 12ms/step - loss: 0.6080 - categorical_accuracy: 0.6618 - val_loss: 0.6251 - val_categorical_accuracy: 0.6662\n" 176 | ] 177 | }, 178 | { 179 | "data": { 180 | "text/plain": [ 181 | "" 182 | ] 183 | }, 184 | "execution_count": 11, 185 | "metadata": {}, 186 | "output_type": "execute_result" 187 | } 188 | ], 189 | "source": [ 190 | "model.fit(\n", 191 | " x_train, y_train, validation_data=(x_test, y_test), batch_size=batch_size, epochs=10\n", 192 | ")\n" 193 | ] 194 | }, 195 | { 196 | "cell_type": "code", 197 | "execution_count": null, 198 | "metadata": {}, 199 | "outputs": [], 200 | "source": [] 201 | } 202 | ], 203 | "metadata": { 204 | "kernelspec": { 205 | "display_name": "Python 3.10.2 ('env': venv)", 206 | "language": "python", 207 | "name": "python3" 208 | }, 209 | "language_info": { 210 | "codemirror_mode": { 211 | "name": "ipython", 212 | "version": 3 213 | }, 214 | "file_extension": ".py", 215 | "mimetype": "text/x-python", 216 | "name": "python", 217 | "nbconvert_exporter": "python", 218 | "pygments_lexer": "ipython3", 219 | "version": "3.10.2" 220 | }, 221 | "orig_nbformat": 2, 222 | "vscode": { 223 | "interpreter": { 224 | "hash": "c3626ccfd00731304f82403bb91d6453b216e3c6549bede09f619f7bcb05d1c7" 225 | } 226 | } 227 | }, 228 | "nbformat": 4, 229 | "nbformat_minor": 2 230 | } 231 | -------------------------------------------------------------------------------- /LSTM.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "import tensorflow as tf\n", 10 | "from tensorflow.contrib import rnn\n" 11 | ] 12 | }, 13 | { 14 | "cell_type": "code", 15 | "execution_count": 2, 16 | "metadata": {}, 17 | "outputs": [], 18 | "source": [ 19 | "import pandas as pd" 20 | ] 21 | }, 22 | { 23 | "cell_type": "code", 24 | "execution_count": 3, 25 | "metadata": {}, 26 | "outputs": [ 27 | { 28 | "output_type": "stream", 29 | "name": "stdout", 30 | "text": [ 31 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 ... ATWinStreak5 \\\n0 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n1 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n2 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n3 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n4 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n\n ATLossStreak3 ATLossStreak5 HTGD ATGD DiffPts DiffFormPts DiffLP \\\n0 0 0 0.0 0.0 0.0 0.0 -11.0 \n1 0 0 0.0 0.0 0.0 0.0 2.0 \n2 0 0 0.0 0.0 0.0 0.0 2.0 \n3 0 0 0.0 0.0 0.0 0.0 -17.0 \n4 0 0 0.0 0.0 0.0 0.0 4.0 \n\n final1 final2 \n0 1.0 0.0 \n1 1.0 0.0 \n2 0.0 1.0 \n3 1.0 0.0 \n4 0.0 1.0 \n\n[5 rows x 30 columns]\n(1860, 30)\n" 32 | ] 33 | } 34 | ], 35 | "source": [ 36 | "data=pd.read_csv(\"allAtt_onehot_large_train.csv\")\n", 37 | "dataT=pd.read_csv(\"allAtt_onehot_large_test.csv\")\n", 38 | "print(data.head())\n", 39 | "print(data.shape)\n" 40 | ] 41 | }, 42 | { 43 | "cell_type": "code", 44 | "execution_count": 99, 45 | "metadata": {}, 46 | "outputs": [], 47 | "source": [ 48 | "\n", 49 | "hm_epochs=20\n", 50 | "n_classes = 2\n", 51 | "batch_size = 60\n", 52 | "chunk_size=3\n", 53 | "n_chunks=9\n", 54 | "rnn_size=256\n", 55 | "\n", 56 | "tf.reset_default_graph()\n", 57 | "\n", 58 | "\n", 59 | "x = tf.placeholder('float', [None, n_chunks,chunk_size])\n", 60 | "y = tf.placeholder('float')" 61 | ] 62 | }, 63 | { 64 | "cell_type": "code", 65 | "execution_count": 100, 66 | "metadata": {}, 67 | "outputs": [], 68 | "source": [ 69 | "def recurrent_neural_model(x):\n", 70 | " layer = {'weights':tf.Variable(tf.random_normal([rnn_size,n_classes])),\n", 71 | " 'biases':tf.Variable(tf.random_normal([n_classes]))}\n", 72 | " \n", 73 | " x=tf.transpose(x,[1,0,2])\n", 74 | " print(\"transpose\",x)\n", 75 | " x=tf.reshape(x,[-1,chunk_size])\n", 76 | " print(\"reshape\",x)\n", 77 | " x=tf.split(x,n_chunks)\n", 78 | " print(\"split\",x)\n", 79 | " lstm_cell = rnn.BasicLSTMCell(rnn_size)\n", 80 | " outputs, states = rnn.static_rnn(lstm_cell, x, dtype=tf.float32)\n", 81 | " \n", 82 | "\n", 83 | "\n", 84 | " output = tf.matmul(outputs[-1],layer['weights']) + layer['biases']\n", 85 | "\n", 86 | " return output" 87 | ] 88 | }, 89 | { 90 | "cell_type": "code", 91 | "execution_count": 101, 92 | "metadata": {}, 93 | "outputs": [], 94 | "source": [ 95 | "def train_neural_network(x):\n", 96 | " prediction = recurrent_neural_model(x)\n", 97 | " print(prediction)\n", 98 | " input()\n", 99 | " cost = tf.reduce_mean( tf.nn.softmax_cross_entropy_with_logits(logits=prediction,labels=y) )\n", 100 | " optimizer = tf.train.AdamOptimizer().minimize(cost)\n", 101 | " \n", 102 | " with tf.Session() as sess:\n", 103 | " sess.run(tf.global_variables_initializer())\n", 104 | " for epoch in range(hm_epochs):\n", 105 | " epoch_loss = 0\n", 106 | " for i in range(0,data.shape[0],batch_size):\n", 107 | " epoch_x, epoch_y = data.iloc[i:i+batch_size,1:28].values,data.iloc[i:i+batch_size,28:].values\n", 108 | " epoch_x=epoch_x.reshape((batch_size,n_chunks,chunk_size))\n", 109 | " _, c = sess.run([optimizer, cost], feed_dict={x: epoch_x, y: epoch_y})\n", 110 | " epoch_loss += c\n", 111 | "\n", 112 | " print('Epoch', epoch, 'completed out of',hm_epochs,'loss:',epoch_loss)\n", 113 | "\n", 114 | " correct = tf.equal(tf.argmax(prediction, 1), tf.argmax(y, 1))\n", 115 | "\n", 116 | " accuracy = tf.reduce_mean(tf.cast(correct, 'float'))\n", 117 | " print('Accuracy Train:',accuracy.eval({x:data.iloc[:,1:28].values.reshape((-1,n_chunks,chunk_size)), \n", 118 | " y:data.iloc[:,28:].values}))\n", 119 | " print('Accuracy Test:',accuracy.eval({x:dataT.iloc[:,1:28].values.reshape((-1,n_chunks,chunk_size)), \n", 120 | " y:dataT.iloc[:,28:].values}))" 121 | ] 122 | }, 123 | { 124 | "cell_type": "code", 125 | "execution_count": 102, 126 | "metadata": {}, 127 | "outputs": [ 128 | { 129 | "output_type": "stream", 130 | "name": "stdout", 131 | "text": [ 132 | "transpose Tensor(\"transpose:0\", shape=(9, ?, 3), dtype=float32)\n", 133 | "reshape Tensor(\"Reshape:0\", shape=(?, 3), dtype=float32)\n", 134 | "split [, , , , , , , , ]\n", 135 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 136 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 137 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 138 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 139 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 140 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 141 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 142 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 143 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 144 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 145 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 146 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 147 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 148 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 149 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 150 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 151 | "WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 152 | "WARNING: Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4\n", 153 | "Tensor(\"add:0\", shape=(?, 2), dtype=float32)\n", 154 | "Epoch 0 completed out of 20 loss: 21.510335594415665\n", 155 | "Epoch 1 completed out of 20 loss: 19.05125856399536\n", 156 | "Epoch 2 completed out of 20 loss: 18.96594625711441\n", 157 | "Epoch 3 completed out of 20 loss: 18.941162288188934\n", 158 | "Epoch 4 completed out of 20 loss: 18.92914307117462\n", 159 | "Epoch 5 completed out of 20 loss: 18.923402905464172\n", 160 | "Epoch 6 completed out of 20 loss: 18.916321396827698\n", 161 | "Epoch 7 completed out of 20 loss: 18.90745723247528\n", 162 | "Epoch 8 completed out of 20 loss: 18.89753657579422\n", 163 | "Epoch 9 completed out of 20 loss: 18.887093365192413\n", 164 | "Epoch 10 completed out of 20 loss: 18.876444220542908\n", 165 | "Epoch 11 completed out of 20 loss: 18.865722715854645\n", 166 | "Epoch 12 completed out of 20 loss: 18.854939699172974\n", 167 | "Epoch 13 completed out of 20 loss: 18.84404146671295\n", 168 | "Epoch 14 completed out of 20 loss: 18.8329456448555\n", 169 | "Epoch 15 completed out of 20 loss: 18.82157164812088\n", 170 | "Epoch 16 completed out of 20 loss: 18.80985862016678\n", 171 | "Epoch 17 completed out of 20 loss: 18.79777330160141\n", 172 | "Epoch 18 completed out of 20 loss: 18.78530728816986\n", 173 | "Epoch 19 completed out of 20 loss: 18.772470116615295\n", 174 | "Accuracy Train: 0.68333334\n", 175 | "Accuracy Test: 0.6625\n" 176 | ] 177 | } 178 | ], 179 | "source": [ 180 | "\n", 181 | "train_neural_network(x)" 182 | ] 183 | }, 184 | { 185 | "cell_type": "code", 186 | "execution_count": null, 187 | "metadata": {}, 188 | "outputs": [], 189 | "source": [] 190 | } 191 | ], 192 | "metadata": { 193 | "kernelspec": { 194 | "name": "python3", 195 | "display_name": "Python 3.6.12 64-bit ('oldTensorflow': conda)", 196 | "metadata": { 197 | "interpreter": { 198 | "hash": "221b2209986d4a0a644c2752d958d732f88a6b650c789202ffae99a968d1dafb" 199 | } 200 | } 201 | }, 202 | "language_info": { 203 | "codemirror_mode": { 204 | "name": "ipython", 205 | "version": 3 206 | }, 207 | "file_extension": ".py", 208 | "mimetype": "text/x-python", 209 | "name": "python", 210 | "nbconvert_exporter": "python", 211 | "pygments_lexer": "ipython3", 212 | "version": "3.6.12-final" 213 | } 214 | }, 215 | "nbformat": 4, 216 | "nbformat_minor": 2 217 | } -------------------------------------------------------------------------------- /fdManipulate.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "import pandas as pd\n", 10 | "from sklearn.preprocessing import OneHotEncoder\n", 11 | "from sklearn.preprocessing import LabelEncoder\n" 12 | ] 13 | }, 14 | { 15 | "cell_type": "code", 16 | "execution_count": 2, 17 | "metadata": {}, 18 | "outputs": [ 19 | { 20 | "output_type": "execute_result", 21 | "data": { 22 | "text/plain": [ 23 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 \\\n", 24 | "0 NH 0.38 0.468750 0.626506 0.632911 0.000000 0.000000 L L L \n", 25 | "1 H 0.48 0.354167 0.578313 0.936709 0.028571 0.085714 D W L \n", 26 | "2 NH 0.38 0.281250 0.566265 0.518987 0.000000 0.085714 L L W \n", 27 | "3 H 0.55 0.583333 0.409639 0.506329 0.000000 0.000000 L W W \n", 28 | "4 NH 0.34 0.614583 0.518072 0.518987 0.000000 0.085714 L W L \n", 29 | "\n", 30 | " ... HTLossStreak5 ATWinStreak3 ATWinStreak5 ATLossStreak3 ATLossStreak5 \\\n", 31 | "0 ... 0 0 0 0 0 \n", 32 | "1 ... 0 0 0 0 0 \n", 33 | "2 ... 0 0 0 0 0 \n", 34 | "3 ... 0 0 0 0 0 \n", 35 | "4 ... 0 0 0 0 0 \n", 36 | "\n", 37 | " HTGD ATGD DiffPts DiffFormPts DiffLP \n", 38 | "0 -0.400000 -0.142857 0.000000 -0.028571 -2.0 \n", 39 | "1 0.000000 -1.142857 -0.057143 -0.057143 -13.0 \n", 40 | "2 -0.257143 -0.400000 -0.085714 -0.171429 2.0 \n", 41 | "3 0.600000 0.457143 0.000000 0.085714 -2.0 \n", 42 | "4 -0.257143 0.514286 -0.085714 0.028571 12.0 \n", 43 | "\n", 44 | "[5 rows x 30 columns]" 45 | ], 46 | "text/html": "
\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
FTRHTGSATGSHTGCATGCHTPATPHM1HM2HM3...HTLossStreak5ATWinStreak3ATWinStreak5ATLossStreak3ATLossStreak5HTGDATGDDiffPtsDiffFormPtsDiffLP
0NH0.380.4687500.6265060.6329110.0000000.000000LLL...00000-0.400000-0.1428570.000000-0.028571-2.0
1H0.480.3541670.5783130.9367090.0285710.085714DWL...000000.000000-1.142857-0.057143-0.057143-13.0
2NH0.380.2812500.5662650.5189870.0000000.085714LLW...00000-0.257143-0.400000-0.085714-0.1714292.0
3H0.550.5833330.4096390.5063290.0000000.000000LWW...000000.6000000.4571430.0000000.085714-2.0
4NH0.340.6145830.5180720.5189870.0000000.085714LWL...00000-0.2571430.514286-0.0857140.02857112.0
\n

5 rows × 30 columns

\n
" 47 | }, 48 | "metadata": {}, 49 | "execution_count": 2 50 | } 51 | ], 52 | "source": [ 53 | "data=pd.read_csv(\"datasets\\\\final_dataset.csv\")\n", 54 | "dataT=pd.read_csv(\"datasets\\\\test.csv\")\n", 55 | "data.head()\n", 56 | "dataT.head()" 57 | ] 58 | }, 59 | { 60 | "cell_type": "code", 61 | "execution_count": 3, 62 | "metadata": {}, 63 | "outputs": [ 64 | { 65 | "output_type": "execute_result", 66 | "data": { 67 | "text/plain": [ 68 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 \\\n", 69 | "0 1 0.38 0.468750 0.626506 0.632911 0.000000 0.000000 L L L \n", 70 | "1 0 0.48 0.354167 0.578313 0.936709 0.028571 0.085714 D W L \n", 71 | "2 1 0.38 0.281250 0.566265 0.518987 0.000000 0.085714 L L W \n", 72 | "3 0 0.55 0.583333 0.409639 0.506329 0.000000 0.000000 L W W \n", 73 | "4 1 0.34 0.614583 0.518072 0.518987 0.000000 0.085714 L W L \n", 74 | "\n", 75 | " ... HTLossStreak5 ATWinStreak3 ATWinStreak5 ATLossStreak3 ATLossStreak5 \\\n", 76 | "0 ... 0 0 0 0 0 \n", 77 | "1 ... 0 0 0 0 0 \n", 78 | "2 ... 0 0 0 0 0 \n", 79 | "3 ... 0 0 0 0 0 \n", 80 | "4 ... 0 0 0 0 0 \n", 81 | "\n", 82 | " HTGD ATGD DiffPts DiffFormPts DiffLP \n", 83 | "0 -0.400000 -0.142857 0.000000 -0.028571 -2.0 \n", 84 | "1 0.000000 -1.142857 -0.057143 -0.057143 -13.0 \n", 85 | "2 -0.257143 -0.400000 -0.085714 -0.171429 2.0 \n", 86 | "3 0.600000 0.457143 0.000000 0.085714 -2.0 \n", 87 | "4 -0.257143 0.514286 -0.085714 0.028571 12.0 \n", 88 | "\n", 89 | "[5 rows x 30 columns]" 90 | ], 91 | "text/html": "
\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
FTRHTGSATGSHTGCATGCHTPATPHM1HM2HM3...HTLossStreak5ATWinStreak3ATWinStreak5ATLossStreak3ATLossStreak5HTGDATGDDiffPtsDiffFormPtsDiffLP
010.380.4687500.6265060.6329110.0000000.000000LLL...00000-0.400000-0.1428570.000000-0.028571-2.0
100.480.3541670.5783130.9367090.0285710.085714DWL...000000.000000-1.142857-0.057143-0.057143-13.0
210.380.2812500.5662650.5189870.0000000.085714LLW...00000-0.257143-0.400000-0.085714-0.1714292.0
300.550.5833330.4096390.5063290.0000000.000000LWW...000000.6000000.4571430.0000000.085714-2.0
410.340.6145830.5180720.5189870.0000000.085714LWL...00000-0.2571430.514286-0.0857140.02857112.0
\n

5 rows × 30 columns

\n
" 92 | }, 93 | "metadata": {}, 94 | "execution_count": 3 95 | } 96 | ], 97 | "source": [ 98 | "ftrLE=LabelEncoder()\n", 99 | "data.FTR=ftrLE.fit_transform(data.FTR)\n", 100 | "dataT.FTR=ftrLE.transform(dataT.FTR)\n", 101 | "dataT.head()" 102 | ] 103 | }, 104 | { 105 | "cell_type": "code", 106 | "execution_count": 4, 107 | "metadata": {}, 108 | "outputs": [ 109 | { 110 | "output_type": "execute_result", 111 | "data": { 112 | "text/plain": [ 113 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 \\\n", 114 | "0 1 0.38 0.468750 0.626506 0.632911 0.000000 0.000000 1 L L \n", 115 | "1 0 0.48 0.354167 0.578313 0.936709 0.028571 0.085714 0 W L \n", 116 | "2 1 0.38 0.281250 0.566265 0.518987 0.000000 0.085714 1 L W \n", 117 | "3 0 0.55 0.583333 0.409639 0.506329 0.000000 0.000000 1 W W \n", 118 | "4 1 0.34 0.614583 0.518072 0.518987 0.000000 0.085714 1 W L \n", 119 | "\n", 120 | " ... HTLossStreak5 ATWinStreak3 ATWinStreak5 ATLossStreak3 ATLossStreak5 \\\n", 121 | "0 ... 0 0 0 0 0 \n", 122 | "1 ... 0 0 0 0 0 \n", 123 | "2 ... 0 0 0 0 0 \n", 124 | "3 ... 0 0 0 0 0 \n", 125 | "4 ... 0 0 0 0 0 \n", 126 | "\n", 127 | " HTGD ATGD DiffPts DiffFormPts DiffLP \n", 128 | "0 -0.400000 -0.142857 0.000000 -0.028571 -2.0 \n", 129 | "1 0.000000 -1.142857 -0.057143 -0.057143 -13.0 \n", 130 | "2 -0.257143 -0.400000 -0.085714 -0.171429 2.0 \n", 131 | "3 0.600000 0.457143 0.000000 0.085714 -2.0 \n", 132 | "4 -0.257143 0.514286 -0.085714 0.028571 12.0 \n", 133 | "\n", 134 | "[5 rows x 30 columns]" 135 | ], 136 | "text/html": "
\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
FTRHTGSATGSHTGCATGCHTPATPHM1HM2HM3...HTLossStreak5ATWinStreak3ATWinStreak5ATLossStreak3ATLossStreak5HTGDATGDDiffPtsDiffFormPtsDiffLP
010.380.4687500.6265060.6329110.0000000.0000001LL...00000-0.400000-0.1428570.000000-0.028571-2.0
100.480.3541670.5783130.9367090.0285710.0857140WL...000000.000000-1.142857-0.057143-0.057143-13.0
210.380.2812500.5662650.5189870.0000000.0857141LW...00000-0.257143-0.400000-0.085714-0.1714292.0
300.550.5833330.4096390.5063290.0000000.0000001WW...000000.6000000.4571430.0000000.085714-2.0
410.340.6145830.5180720.5189870.0000000.0857141WL...00000-0.2571430.514286-0.0857140.02857112.0
\n

5 rows × 30 columns

\n
" 137 | }, 138 | "metadata": {}, 139 | "execution_count": 4 140 | } 141 | ], 142 | "source": [ 143 | "hmLE=LabelEncoder()\n", 144 | "data.HM1=hmLE.fit_transform(data.HM1)\n", 145 | "dataT.HM1=hmLE.fit_transform(dataT.HM1)\n", 146 | "dataT.head()" 147 | ] 148 | }, 149 | { 150 | "cell_type": "code", 151 | "execution_count": 5, 152 | "metadata": {}, 153 | "outputs": [], 154 | "source": [ 155 | "data.HM2=hmLE.fit_transform(data.HM2)\n", 156 | "data.HM3=hmLE.fit_transform(data.HM3)\n", 157 | "data.HM4=hmLE.fit_transform(data.HM4)\n", 158 | "data.HM5=hmLE.fit_transform(data.HM5)\n", 159 | "data.AM1=hmLE.fit_transform(data.AM1)\n", 160 | "data.AM2=hmLE.fit_transform(data.AM2)\n", 161 | "data.AM3=hmLE.fit_transform(data.AM3)\n", 162 | "data.AM4=hmLE.fit_transform(data.AM4)\n", 163 | "data.AM5=hmLE.fit_transform(data.AM5)\n", 164 | "\n", 165 | "dataT.HM2=hmLE.fit_transform(dataT.HM2)\n", 166 | "dataT.HM3=hmLE.fit_transform(dataT.HM3)\n", 167 | "dataT.HM4=hmLE.fit_transform(dataT.HM4)\n", 168 | "dataT.HM5=hmLE.fit_transform(dataT.HM5)\n", 169 | "dataT.AM1=hmLE.fit_transform(dataT.AM1)\n", 170 | "dataT.AM2=hmLE.fit_transform(dataT.AM2)\n", 171 | "dataT.AM3=hmLE.fit_transform(dataT.AM3)\n", 172 | "dataT.AM4=hmLE.fit_transform(dataT.AM4)\n", 173 | "dataT.AM5=hmLE.fit_transform(dataT.AM5)" 174 | ] 175 | }, 176 | { 177 | "cell_type": "code", 178 | "execution_count": 6, 179 | "metadata": {}, 180 | "outputs": [ 181 | { 182 | "output_type": "execute_result", 183 | "data": { 184 | "text/plain": [ 185 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 ... HTLossStreak5 \\\n", 186 | "0 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 187 | "1 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 188 | "2 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 189 | "3 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 190 | "4 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 191 | "\n", 192 | " ATWinStreak3 ATWinStreak5 ATLossStreak3 ATLossStreak5 HTGD ATGD \\\n", 193 | "0 0 0 0 0 0.0 0.0 \n", 194 | "1 0 0 0 0 0.0 0.0 \n", 195 | "2 0 0 0 0 0.0 0.0 \n", 196 | "3 0 0 0 0 0.0 0.0 \n", 197 | "4 0 0 0 0 0.0 0.0 \n", 198 | "\n", 199 | " DiffPts DiffFormPts DiffLP \n", 200 | "0 0.0 0.0 -11.0 \n", 201 | "1 0.0 0.0 2.0 \n", 202 | "2 0.0 0.0 2.0 \n", 203 | "3 0.0 0.0 -17.0 \n", 204 | "4 0.0 0.0 4.0 \n", 205 | "\n", 206 | "[5 rows x 30 columns]" 207 | ], 208 | "text/html": "
\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
FTRHTGSATGSHTGCATGCHTPATPHM1HM2HM3...HTLossStreak5ATWinStreak3ATWinStreak5ATLossStreak3ATLossStreak5HTGDATGDDiffPtsDiffFormPtsDiffLP
000.00.00.00.00.00.0222...000000.00.00.00.0-11.0
100.00.00.00.00.00.0222...000000.00.00.00.02.0
210.00.00.00.00.00.0222...000000.00.00.00.02.0
300.00.00.00.00.00.0222...000000.00.00.00.0-17.0
410.00.00.00.00.00.0222...000000.00.00.00.04.0
\n

5 rows × 30 columns

\n
" 209 | }, 210 | "metadata": {}, 211 | "execution_count": 6 212 | } 213 | ], 214 | "source": [ 215 | "data.head()" 216 | ] 217 | }, 218 | { 219 | "cell_type": "code", 220 | "execution_count": 7, 221 | "metadata": {}, 222 | "outputs": [ 223 | { 224 | "output_type": "stream", 225 | "name": "stdout", 226 | "text": [ 227 | "(1860, 30)\n(800, 30)\n" 228 | ] 229 | } 230 | ], 231 | "source": [ 232 | "print(data.shape)\n", 233 | "print(dataT.shape)" 234 | ] 235 | }, 236 | { 237 | "cell_type": "code", 238 | "execution_count": 9, 239 | "metadata": {}, 240 | "outputs": [ 241 | { 242 | "output_type": "execute_result", 243 | "data": { 244 | "text/plain": [ 245 | "OneHotEncoder()" 246 | ] 247 | }, 248 | "metadata": {}, 249 | "execution_count": 9 250 | } 251 | ], 252 | "source": [ 253 | "onehotencoder=OneHotEncoder()\n", 254 | "onehotencoder.fit(data.FTR.values.reshape(-1,1))" 255 | ] 256 | }, 257 | { 258 | "cell_type": "code", 259 | "execution_count": 10, 260 | "metadata": {}, 261 | "outputs": [], 262 | "source": [ 263 | "final=onehotencoder.transform([[each] for each in data.FTR]).toarray()" 264 | ] 265 | }, 266 | { 267 | "cell_type": "code", 268 | "execution_count": 11, 269 | "metadata": {}, 270 | "outputs": [ 271 | { 272 | "output_type": "execute_result", 273 | "data": { 274 | "text/plain": [ 275 | "(1860, 2)" 276 | ] 277 | }, 278 | "metadata": {}, 279 | "execution_count": 11 280 | } 281 | ], 282 | "source": [ 283 | "final.shape" 284 | ] 285 | }, 286 | { 287 | "cell_type": "code", 288 | "execution_count": 12, 289 | "metadata": {}, 290 | "outputs": [], 291 | "source": [ 292 | "finalT=onehotencoder.transform([[each] for each in dataT.FTR]).toarray()" 293 | ] 294 | }, 295 | { 296 | "cell_type": "code", 297 | "execution_count": 13, 298 | "metadata": {}, 299 | "outputs": [ 300 | { 301 | "output_type": "execute_result", 302 | "data": { 303 | "text/plain": [ 304 | "(800, 2)" 305 | ] 306 | }, 307 | "metadata": {}, 308 | "execution_count": 13 309 | } 310 | ], 311 | "source": [ 312 | "finalT.shape" 313 | ] 314 | }, 315 | { 316 | "cell_type": "code", 317 | "execution_count": 14, 318 | "metadata": {}, 319 | "outputs": [], 320 | "source": [ 321 | "data.loc[:,\"final1\"]=final[:,0]\n", 322 | "data.loc[:,\"final2\"]=final[:,1]" 323 | ] 324 | }, 325 | { 326 | "cell_type": "code", 327 | "execution_count": 15, 328 | "metadata": {}, 329 | "outputs": [ 330 | { 331 | "output_type": "execute_result", 332 | "data": { 333 | "text/plain": [ 334 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 ... ATWinStreak5 \\\n", 335 | "0 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 336 | "1 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 337 | "2 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 338 | "3 0 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 339 | "4 1 0.0 0.0 0.0 0.0 0.0 0.0 2 2 2 ... 0 \n", 340 | "\n", 341 | " ATLossStreak3 ATLossStreak5 HTGD ATGD DiffPts DiffFormPts DiffLP \\\n", 342 | "0 0 0 0.0 0.0 0.0 0.0 -11.0 \n", 343 | "1 0 0 0.0 0.0 0.0 0.0 2.0 \n", 344 | "2 0 0 0.0 0.0 0.0 0.0 2.0 \n", 345 | "3 0 0 0.0 0.0 0.0 0.0 -17.0 \n", 346 | "4 0 0 0.0 0.0 0.0 0.0 4.0 \n", 347 | "\n", 348 | " final1 final2 \n", 349 | "0 1.0 0.0 \n", 350 | "1 1.0 0.0 \n", 351 | "2 0.0 1.0 \n", 352 | "3 1.0 0.0 \n", 353 | "4 0.0 1.0 \n", 354 | "\n", 355 | "[5 rows x 32 columns]" 356 | ], 357 | "text/html": "
\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
FTRHTGSATGSHTGCATGCHTPATPHM1HM2HM3...ATWinStreak5ATLossStreak3ATLossStreak5HTGDATGDDiffPtsDiffFormPtsDiffLPfinal1final2
000.00.00.00.00.00.0222...0000.00.00.00.0-11.01.00.0
100.00.00.00.00.00.0222...0000.00.00.00.02.01.00.0
210.00.00.00.00.00.0222...0000.00.00.00.02.00.01.0
300.00.00.00.00.00.0222...0000.00.00.00.0-17.01.00.0
410.00.00.00.00.00.0222...0000.00.00.00.04.00.01.0
\n

5 rows × 32 columns

\n
" 358 | }, 359 | "metadata": {}, 360 | "execution_count": 15 361 | } 362 | ], 363 | "source": [ 364 | "# data=data.drop([\"final\"],axis=1)\n", 365 | "data.head()" 366 | ] 367 | }, 368 | { 369 | "cell_type": "code", 370 | "execution_count": 16, 371 | "metadata": {}, 372 | "outputs": [], 373 | "source": [ 374 | "dataT.loc[:,\"final1\"]=finalT[:,0]\n", 375 | "dataT.loc[:,\"final2\"]=finalT[:,1]" 376 | ] 377 | }, 378 | { 379 | "cell_type": "code", 380 | "execution_count": 17, 381 | "metadata": {}, 382 | "outputs": [ 383 | { 384 | "output_type": "execute_result", 385 | "data": { 386 | "text/plain": [ 387 | " FTR HTGS ATGS HTGC ATGC HTP ATP HM1 HM2 HM3 \\\n", 388 | "0 1 0.38 0.468750 0.626506 0.632911 0.000000 0.000000 1 1 1 \n", 389 | "1 0 0.48 0.354167 0.578313 0.936709 0.028571 0.085714 0 3 1 \n", 390 | "2 1 0.38 0.281250 0.566265 0.518987 0.000000 0.085714 1 1 3 \n", 391 | "3 0 0.55 0.583333 0.409639 0.506329 0.000000 0.000000 1 3 3 \n", 392 | "4 1 0.34 0.614583 0.518072 0.518987 0.000000 0.085714 1 3 1 \n", 393 | "\n", 394 | " ... ATWinStreak5 ATLossStreak3 ATLossStreak5 HTGD ATGD \\\n", 395 | "0 ... 0 0 0 -0.400000 -0.142857 \n", 396 | "1 ... 0 0 0 0.000000 -1.142857 \n", 397 | "2 ... 0 0 0 -0.257143 -0.400000 \n", 398 | "3 ... 0 0 0 0.600000 0.457143 \n", 399 | "4 ... 0 0 0 -0.257143 0.514286 \n", 400 | "\n", 401 | " DiffPts DiffFormPts DiffLP final1 final2 \n", 402 | "0 0.000000 -0.028571 -2.0 0.0 1.0 \n", 403 | "1 -0.057143 -0.057143 -13.0 1.0 0.0 \n", 404 | "2 -0.085714 -0.171429 2.0 0.0 1.0 \n", 405 | "3 0.000000 0.085714 -2.0 1.0 0.0 \n", 406 | "4 -0.085714 0.028571 12.0 0.0 1.0 \n", 407 | "\n", 408 | "[5 rows x 32 columns]" 409 | ], 410 | "text/html": "
\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
FTRHTGSATGSHTGCATGCHTPATPHM1HM2HM3...ATWinStreak5ATLossStreak3ATLossStreak5HTGDATGDDiffPtsDiffFormPtsDiffLPfinal1final2
010.380.4687500.6265060.6329110.0000000.000000111...000-0.400000-0.1428570.000000-0.028571-2.00.01.0
100.480.3541670.5783130.9367090.0285710.085714031...0000.000000-1.142857-0.057143-0.057143-13.01.00.0
210.380.2812500.5662650.5189870.0000000.085714113...000-0.257143-0.400000-0.085714-0.1714292.00.01.0
300.550.5833330.4096390.5063290.0000000.000000133...0000.6000000.4571430.0000000.085714-2.01.00.0
410.340.6145830.5180720.5189870.0000000.085714131...000-0.2571430.514286-0.0857140.02857112.00.01.0
\n

5 rows × 32 columns

\n
" 411 | }, 412 | "metadata": {}, 413 | "execution_count": 17 414 | } 415 | ], 416 | "source": [ 417 | "# data=data.drop([\"final\"],axis=1)\n", 418 | "dataT.head()" 419 | ] 420 | }, 421 | { 422 | "cell_type": "code", 423 | "execution_count": 18, 424 | "metadata": {}, 425 | "outputs": [ 426 | { 427 | "output_type": "execute_result", 428 | "data": { 429 | "text/plain": [ 430 | "(800, 2)" 431 | ] 432 | }, 433 | "metadata": {}, 434 | "execution_count": 18 435 | } 436 | ], 437 | "source": [ 438 | "dataT[[\"final1\",\"final2\"]].values.shape" 439 | ] 440 | }, 441 | { 442 | "cell_type": "code", 443 | "execution_count": 19, 444 | "metadata": {}, 445 | "outputs": [], 446 | "source": [ 447 | "data=data.drop([\"HM5\",\"AM5\"],axis=1)\n", 448 | "dataT=dataT.drop([\"HM5\",\"AM5\"],axis=1)" 449 | ] 450 | }, 451 | { 452 | "cell_type": "code", 453 | "execution_count": 20, 454 | "metadata": {}, 455 | "outputs": [ 456 | { 457 | "output_type": "stream", 458 | "name": "stdout", 459 | "text": [ 460 | "(1860, 30)\n(800, 30)\n" 461 | ] 462 | } 463 | ], 464 | "source": [ 465 | "print(data.shape)\n", 466 | "print(dataT.shape)" 467 | ] 468 | }, 469 | { 470 | "cell_type": "code", 471 | "execution_count": 21, 472 | "metadata": {}, 473 | "outputs": [], 474 | "source": [ 475 | "data.to_csv(\"allAtt_onehot_large_train.csv\",index=None)\n", 476 | "dataT.to_csv(\"allAtt_onehot_large_test.csv\",index=None)\n" 477 | ] 478 | }, 479 | { 480 | "cell_type": "code", 481 | "execution_count": null, 482 | "metadata": {}, 483 | "outputs": [], 484 | "source": [] 485 | } 486 | ], 487 | "metadata": { 488 | "kernelspec": { 489 | "display_name": "Python 3", 490 | "language": "python", 491 | "name": "python3" 492 | }, 493 | "language_info": { 494 | "codemirror_mode": { 495 | "name": "ipython", 496 | "version": 3 497 | }, 498 | "file_extension": ".py", 499 | "mimetype": "text/x-python", 500 | "name": "python", 501 | "nbconvert_exporter": "python", 502 | "pygments_lexer": "ipython3", 503 | "version": "3.8.3-final" 504 | } 505 | }, 506 | "nbformat": 4, 507 | "nbformat_minor": 2 508 | } -------------------------------------------------------------------------------- /datasets/2017-18.csv: -------------------------------------------------------------------------------- 1 | Div,Date,HomeTeam,AwayTeam,FTHG,FTAG,FTR,HTHG,HTAG,HTR,Referee,HS,AS,HST,AST,HF,AF,HC,AC,HY,AY,HR,AR,B365H,B365D,B365A,BWH,BWD,BWA,IWH,IWD,IWA,LBH,LBD,LBA,PSH,PSD,PSA,WHH,WHD,WHA,VCH,VCD,VCA,Bb1X2,BbMxH,BbAvH,BbMxD,BbAvD,BbMxA,BbAvA,BbOU,BbMx>2.5,BbAv>2.5,BbMx<2.5,BbAv<2.5,BbAH,BbAHh,BbMxAHH,BbAvAHH,BbMxAHA,BbAvAHA,PSCH,PSCD,PSCA,,, 2 | E0,11/08/17,Arsenal,Leicester,4,3,H,2,2,D,M Dean,27,6,10,3,9,12,9,4,0,1,0,0,1.53,4.5,6.5,1.5,4.6,6.75,1.47,4.5,6.5,1.44,4.4,6.5,1.53,4.55,6.85,1.53,4.2,6,1.53,4.5,6.5,41,1.55,1.51,4.6,4.43,6.89,6.44,37,1.65,1.61,2.43,2.32,21,-1,1.91,1.85,2.1,2.02,1.49,4.73,7.25,,, 3 | E0,12/08/17,Brighton,Man City,0,2,A,0,0,D,M Oliver,6,14,2,4,6,9,3,10,0,2,0,0,11,5.5,1.33,11,5.25,1.3,8,5.3,1.35,10,5,1.3,10.95,5.55,1.34,10,4.8,1.33,10,5.5,1.33,40,11.5,10.1,5.6,5.25,1.36,1.32,35,1.7,1.63,2.4,2.27,20,1.5,1.95,1.91,2.01,1.96,11.75,6.15,1.29,,, 4 | E0,12/08/17,Chelsea,Burnley,2,3,A,0,3,A,C Pawson,19,10,6,5,16,11,8,5,3,3,2,0,1.25,6.5,15,1.22,6.5,12.5,1.22,6.2,13.5,1.25,5.75,15,1.26,6.3,15.25,1.25,5.5,13,1.25,6.25,15,41,1.27,1.24,6.55,6.06,15.5,13.67,36,1.71,1.66,2.33,2.23,20,-1.75,2.03,1.97,1.95,1.9,1.33,5.4,12.25,,, 5 | E0,12/08/17,Crystal Palace,Huddersfield,0,3,A,0,2,A,J Moss,14,8,4,6,7,19,12,9,1,3,0,0,1.83,3.6,5,1.8,3.5,4.75,1.85,3.5,4.3,1.8,3.4,4.6,1.83,3.58,5.11,1.8,3.3,5,1.83,3.6,5,41,1.86,1.81,3.65,3.5,5.11,4.82,36,2.19,2.11,1.79,1.72,18,-0.75,2.1,2.05,1.86,1.83,1.79,3.56,5.51,,, 6 | E0,12/08/17,Everton,Stoke,1,0,H,1,0,H,N Swarbrick,9,9,4,1,13,10,6,7,1,1,0,0,1.7,3.8,5.75,1.7,3.6,5.5,1.7,3.7,5,1.67,3.6,5.25,1.7,3.83,5.81,1.7,3.5,5.5,1.7,3.8,5.75,40,1.71,1.69,3.85,3.69,6,5.5,35,2.17,2.08,1.8,1.76,19,-0.75,1.94,1.9,2.01,1.98,1.82,3.49,5.42,,, 7 | E0,12/08/17,Southampton,Swansea,0,0,D,0,0,D,M Jones,29,4,2,0,10,13,13,0,2,1,0,0,1.62,4,6.5,1.57,4,6,1.65,3.8,5.3,1.6,3.7,6,1.64,3.94,6.35,1.62,3.6,6,1.65,4,5.5,41,1.66,1.61,4.05,3.84,6.5,5.98,36,2.17,2.08,1.8,1.75,19,-0.75,1.83,1.78,2.16,2.1,1.56,4.25,6.85,,, 8 | E0,12/08/17,Watford,Liverpool,3,3,D,2,1,H,A Taylor,9,14,4,5,14,8,3,3,0,3,0,0,6,4.2,1.62,6,4.2,1.55,5.5,4,1.6,5.8,4,1.57,5.74,4.29,1.63,5.5,3.8,1.62,6,4,1.65,41,6.5,5.75,4.3,4.06,1.65,1.6,37,1.89,1.82,2.08,1.99,21,1,1.9,1.84,2.13,2.04,6.88,4.27,1.56,,, 9 | E0,12/08/17,West Brom,Bournemouth,1,0,H,1,0,H,R Madley,16,9,6,2,15,3,8,2,3,1,0,0,2.4,3.3,3.3,2.4,3.2,3.1,2.3,3.3,3.15,2.4,3.1,3,2.46,3.25,3.26,2.5,3.1,3,2.5,3.3,3.13,41,2.5,2.43,3.3,3.19,3.3,3.11,36,2.25,2.16,1.75,1.7,22,-0.25,2.12,2.08,1.85,1.81,2.65,3.21,3.02,,, 10 | E0,13/08/17,Man United,West Ham,4,0,H,1,0,H,M Atkinson,22,9,6,1,19,7,11,1,2,2,0,0,1.3,5.75,12,1.28,5.5,11,1.33,5.3,8.7,1.33,5,10,1.33,5.68,10.85,1.3,5,11,1.3,5.5,11.5,40,1.35,1.31,5.75,5.29,13,10.74,35,1.76,1.7,2.25,2.16,19,-1.5,2.01,1.96,1.95,1.92,1.31,5.79,12.01,,, 11 | E0,13/08/17,Newcastle,Tottenham,0,2,A,0,0,D,A Marriner,6,18,3,6,6,10,5,7,1,2,1,0,5.5,4,1.7,5.25,3.8,1.67,4.8,3.6,1.75,5,3.8,1.67,5.35,4,1.71,5,3.75,1.7,5.5,4,1.7,41,5.5,5.16,4,3.87,1.75,1.69,36,1.88,1.81,2.07,2.01,20,0.75,2.06,2,1.92,1.87,4.82,3.9,1.8,,, 12 | E0,19/08/17,Bournemouth,Watford,0,2,A,0,0,D,R East,6,19,2,7,6,14,8,5,1,3,0,0,2,3.6,4,1.95,3.5,4,1.9,3.5,4.1,1.95,3.5,3.8,1.98,3.63,4.16,1.95,3.4,4,2,3.6,4,36,2.01,1.96,3.7,3.56,4.16,3.9,34,1.9,1.82,2.07,2.01,18,-0.5,1.99,1.96,1.96,1.93,2.1,3.52,3.84,,, 13 | E0,19/08/17,Burnley,West Brom,0,1,A,0,0,D,M Atkinson,20,8,0,1,11,11,5,5,1,0,0,1,2.63,3.2,3,2.55,3,3.1,2.4,3.2,3.05,2.55,3,3,2.64,3.17,3.07,2.4,3,3,2.6,3.13,3.13,36,2.72,2.56,3.2,3.1,3.13,3.02,32,2.57,2.46,1.58,1.54,17,-0.25,2.25,2.19,1.77,1.74,2.75,3.01,3.09,,, 14 | E0,19/08/17,Leicester,Brighton,2,0,H,1,0,H,L Probert,14,5,4,2,8,10,6,2,1,0,0,0,1.73,3.8,5.5,1.75,3.6,5,1.75,3.6,4.8,1.73,3.6,5,1.74,3.85,5.43,1.73,3.3,5.5,1.73,3.8,5.4,35,1.78,1.73,3.85,3.7,5.5,5.06,33,2.02,1.96,1.91,1.86,17,-0.75,1.98,1.94,1.98,1.93,1.76,3.73,5.45,,, 15 | E0,19/08/17,Liverpool,Crystal Palace,1,0,H,0,0,D,K Friend,23,4,13,1,12,13,4,2,1,3,0,0,1.36,5.25,9.5,1.34,5.25,9,1.35,5.3,8,1.36,4.8,8,1.39,5.24,9.27,1.33,4.5,9,1.36,5.25,9,36,1.4,1.37,5.4,5.02,10,8.86,32,1.6,1.57,2.52,2.4,17,-1.5,2.14,2.07,1.85,1.82,1.39,5.31,9,,, 16 | E0,19/08/17,Southampton,West Ham,3,2,H,2,1,H,L Mason,14,16,5,8,18,10,7,2,1,1,0,1,1.75,3.8,5.25,1.7,3.8,5,1.75,3.6,4.8,1.67,3.6,4.75,1.71,3.96,5.43,1.7,3.6,4.5,1.73,3.8,5.25,36,1.78,1.73,3.96,3.74,5.43,4.96,34,1.9,1.84,2.07,1.98,17,-0.75,1.95,1.91,2.01,1.96,1.7,4.02,5.45,,, 17 | E0,19/08/17,Stoke,Arsenal,1,0,H,0,0,D,A Marriner,11,18,4,6,6,11,2,9,0,0,0,0,4.5,3.8,1.85,4.5,3.75,1.78,4.8,3.6,1.75,4.2,3.6,1.8,4.39,3.85,1.88,4.5,3.5,1.8,4.6,3.8,1.83,35,4.8,4.41,3.85,3.69,1.89,1.83,32,1.87,1.8,2.1,2.03,16,0.5,2.12,2.06,1.88,1.83,4.37,3.92,1.86,,, 18 | E0,19/08/17,Swansea,Man United,0,4,A,0,1,A,J Moss,6,17,1,8,12,11,3,5,1,1,0,0,11,5,1.36,9.25,4.75,1.36,7.5,4.8,1.4,11,4.75,1.33,12.01,5.33,1.33,10,4.5,1.36,12,5,1.33,36,12.01,10.48,5.33,4.89,1.4,1.35,34,1.97,1.9,2,1.93,17,1.25,2.2,2.11,1.82,1.78,11.55,5.25,1.34,,, 19 | E0,20/08/17,Huddersfield,Newcastle,1,0,H,0,0,D,C Pawson,7,13,3,5,13,10,7,3,3,4,0,0,2.5,3.25,3.2,2.4,3.25,3.1,2.3,3.3,3.15,2.4,3.1,3.1,2.51,3.31,3.13,2.5,3.1,3,2.38,3.25,3.25,36,2.51,2.42,3.31,3.2,3.25,3.12,33,2.26,2.22,1.72,1.67,19,-0.25,2.14,2.08,1.85,1.81,2.83,3.21,2.81,,, 20 | E0,20/08/17,Tottenham,Chelsea,1,2,A,0,1,A,A Taylor,18,9,6,2,14,21,14,3,3,3,0,0,2.1,3.6,3.75,2,3.5,3.75,2.1,3.4,3.5,2.05,3.4,3.6,2.08,3.58,3.85,2.1,3.3,3.6,2.05,3.4,3.5,36,2.12,2.07,3.65,3.46,3.85,3.65,34,1.98,1.9,1.99,1.92,18,-0.5,2.11,2.07,1.86,1.83,2.16,3.36,3.84,,, 21 | E0,21/08/17,Man City,Everton,1,1,D,0,1,A,R Madley,19,7,6,2,7,9,7,1,1,2,1,1,1.33,5.75,10,1.33,5.25,9.25,1.35,5.3,8,1.28,5.25,11,1.31,5.88,11.27,1.33,5,9,1.3,5.75,9.5,34,1.36,1.31,5.88,5.48,11.27,10.04,30,1.66,1.61,2.5,2.33,15,-1.5,1.95,1.87,2.05,2,1.3,6.15,11.1,,, 22 | E0,26/08/17,Bournemouth,Man City,1,2,A,1,1,D,M Dean,9,19,3,8,13,14,2,5,5,4,0,1,11,6,1.3,9.25,5.25,1.33,9,6,1.3,10,5.25,1.3,11.14,5.79,1.32,9,5,1.33,11,6,1.3,35,11.14,9.8,6,5.58,1.35,1.32,31,1.53,1.49,2.7,2.59,15,1.5,2.04,2.01,1.92,1.88,12,6.75,1.27,,, 23 | E0,26/08/17,Crystal Palace,Swansea,0,2,A,0,1,A,A Marriner,16,7,3,3,9,6,1,1,4,1,0,0,1.95,3.5,4.33,1.9,3.5,4.2,1.9,3.5,4.1,1.95,3.25,4.2,1.99,3.43,4.41,1.95,3.25,4.2,1.95,3.5,4.4,35,2.02,1.95,3.51,3.42,4.41,4.22,34,2.22,2.15,1.75,1.71,15,-0.25,1.71,1.69,2.34,2.28,2.12,3.3,4.09,,, 24 | E0,26/08/17,Huddersfield,Southampton,0,0,D,0,0,D,S Attwell,16,6,6,3,10,10,5,4,0,1,0,0,3.9,3.4,2.1,3.9,3.2,2.1,3.15,3.3,2.3,3.75,3.2,2.05,4.01,3.45,2.08,3.8,3.1,2.1,4,3.3,2.1,35,4.01,3.8,3.45,3.32,2.3,2.09,33,2.27,2.19,1.72,1.68,14,0.25,2.18,2.12,1.82,1.78,4.21,3.48,2.02,,, 25 | E0,26/08/17,Man United,Leicester,2,0,H,0,0,D,M Oliver,22,11,7,4,8,7,9,3,1,2,0,0,1.33,5.5,11,1.34,5,9.75,1.25,6,11,1.33,5,9.5,1.33,5.56,11.31,1.33,5,9,1.33,5.5,10.5,35,1.35,1.33,6,5.32,11.31,9.97,33,1.71,1.65,2.33,2.25,15,-1.5,2.04,1.99,1.95,1.9,1.33,5.6,11.25,,, 26 | E0,26/08/17,Newcastle,West Ham,3,0,H,1,0,H,N Swarbrick,16,8,8,3,17,11,7,5,1,3,0,0,2.3,3.4,3.4,2.25,3.25,3.4,2.3,3.3,3.15,2.25,3.3,3.1,2.34,3.42,3.33,2.3,3.2,3.2,2.3,3.4,3.4,35,2.45,2.3,3.45,3.34,3.4,3.26,33,2,1.94,1.93,1.88,16,-0.25,2.01,1.97,1.95,1.92,2.36,3.45,3.26,,, 27 | E0,26/08/17,Watford,Brighton,0,0,D,0,0,D,G Scott,8,16,0,2,7,18,3,11,0,1,1,0,1.91,3.4,4,1.9,3.5,4.25,1.85,3.5,4.3,1.95,3.25,4.2,1.99,3.37,4.5,1.95,3.25,4.2,2,3.4,4.33,35,2.01,1.95,3.5,3.37,4.55,4.26,33,2.31,2.21,1.72,1.67,15,-0.5,2.02,1.97,1.96,1.93,2.23,3.23,3.81,,, 28 | E0,27/08/17,Chelsea,Everton,2,0,H,2,0,H,J Moss,18,7,7,0,12,7,6,3,2,2,0,0,1.45,4.5,8.5,1.42,4.6,8,1.45,4.5,7,1.44,4.2,7.5,1.47,4.55,8.45,1.44,4.2,8,1.45,4.5,8,34,1.48,1.45,4.6,4.44,8.5,7.91,32,1.98,1.92,1.98,1.9,15,-1.25,2.12,2.07,1.85,1.82,1.53,4.35,7.4,,, 29 | E0,27/08/17,Liverpool,Arsenal,4,0,H,2,0,H,C Pawson,18,8,10,0,6,9,4,3,2,4,0,0,2.15,3.7,3.5,2.15,3.4,3.4,2.1,3.4,3.5,2.1,3.6,3.2,2.16,3.72,3.46,2.2,3.25,3.4,2.2,3.7,3.3,35,2.21,2.14,3.8,3.6,3.55,3.36,32,1.62,1.58,2.53,2.38,16,-0.25,1.89,1.86,2.07,2.03,2.21,3.67,3.25,,, 30 | E0,27/08/17,Tottenham,Burnley,1,1,D,0,0,D,L Mason,28,13,5,3,9,9,10,7,0,0,0,0,1.25,6.5,15,1.22,6.5,12.5,1.27,6,10,1.22,5.8,15,1.26,6.45,14,1.25,5.5,13,1.25,6,15,35,1.27,1.24,6.55,6.16,15,13.33,34,1.7,1.66,2.32,2.23,15,-1.75,1.97,1.94,1.98,1.95,1.22,7.25,16,,, 31 | E0,27/08/17,West Brom,Stoke,1,1,D,0,0,D,A Taylor,10,16,2,2,10,9,10,4,2,2,0,0,2.4,3.1,3.5,2.35,3.1,3.3,2.3,3.3,3.15,2.35,3,3.3,2.39,3.12,3.55,2.4,3,3.2,2.45,3.1,3.4,35,2.45,2.37,3.3,3.08,3.56,3.36,31,2.71,2.59,1.53,1.5,16,-0.25,2.04,2.01,1.92,1.88,2.66,3.15,3.06,,, 32 | E0,09/09/17,Arsenal,Bournemouth,3,0,H,2,0,H,A Taylor,15,6,8,1,14,8,8,2,0,1,0,0,1.36,5.5,9,1.36,5.25,8,1.33,5.5,8.5,1.36,5,8,1.39,5.59,8.29,1.36,5,8,1.36,5.5,9,34,1.39,1.36,5.8,5.36,9,8.22,25,1.45,1.4,3,2.89,14,-1.25,1.81,1.76,2.2,2.15,1.31,6.4,10,,, 33 | E0,09/09/17,Brighton,West Brom,3,1,H,1,0,H,C Kavanagh,12,12,6,3,9,4,2,6,2,0,0,0,2.7,3.1,3,2.6,3,3,2.65,3.3,2.65,2.55,2.9,3,2.76,3,3.08,2.62,2.9,3,2.7,3,3.13,34,2.76,2.63,3.3,3.01,3.2,3.01,30,2.75,2.6,1.53,1.49,15,-0.25,2.29,2.22,1.75,1.71,2.71,3.05,3.09,,, 34 | E0,09/09/17,Everton,Tottenham,0,3,A,0,2,A,G Scott,12,15,1,6,14,14,7,3,3,1,0,0,3.8,3.5,2.1,3.6,3.4,2.1,3.5,3.4,2.1,3.7,3.3,2.05,3.94,3.5,2.08,3.5,3.25,2.15,3.8,3.5,2.1,34,3.94,3.69,3.5,3.4,2.15,2.09,33,2.1,2.04,1.86,1.79,15,0.25,2.17,2.12,1.82,1.79,3.98,3.55,2.05,,, 35 | E0,09/09/17,Leicester,Chelsea,1,2,A,0,1,A,L Mason,8,16,2,6,11,8,2,9,1,0,0,0,4.75,3.9,1.8,4.6,3.8,1.75,4.5,3.6,1.8,4.4,3.6,1.8,4.73,3.83,1.83,4.33,3.6,1.8,4.6,3.8,1.83,34,4.75,4.51,3.93,3.73,1.84,1.8,33,1.92,1.86,2.01,1.96,15,0.75,1.86,1.83,2.12,2.06,5,3.83,1.79,,, 36 | E0,09/09/17,Man City,Liverpool,5,0,H,2,0,H,J Moss,13,10,7,3,10,9,8,3,2,2,0,1,1.85,4,4.2,1.85,3.8,4,2,3.4,3.8,1.85,3.8,3.8,1.89,3.94,4.2,1.85,3.75,4,1.83,4,4.33,34,2,1.87,4,3.82,4.33,4.03,29,1.56,1.53,2.63,2.51,15,-0.5,1.9,1.87,2.05,2.02,1.89,3.98,4.14,,, 37 | E0,09/09/17,Southampton,Watford,0,2,A,0,1,A,L Probert,9,12,1,3,8,11,7,4,0,0,0,0,1.65,4,6,1.65,3.8,5.5,1.65,3.8,5.3,1.61,3.7,5.5,1.67,3.96,5.95,1.67,3.6,5.5,1.65,4,6,34,1.72,1.66,4.05,3.86,6,5.56,32,2.03,1.97,1.92,1.85,15,-0.75,1.87,1.84,2.09,2.05,1.69,3.99,5.58,,, 38 | E0,09/09/17,Stoke,Man United,2,2,D,1,1,D,N Swarbrick,10,18,5,8,10,10,5,11,0,0,0,0,7.5,4.5,1.5,6.5,4.33,1.5,6.2,4,1.55,7,4.2,1.5,7.42,4.43,1.52,7,4,1.5,7.5,4.4,1.5,34,7.51,7.02,4.65,4.27,1.55,1.5,33,1.95,1.88,2,1.94,15,1,2.08,2.05,1.88,1.84,7.4,4.45,1.51,,, 39 | E0,10/09/17,Burnley,Crystal Palace,1,0,H,1,0,H,M Oliver,4,23,2,5,7,14,3,13,1,1,0,0,2.3,3.25,3.5,2.3,3.2,3.3,2.5,3.3,2.85,2.3,3.1,3.3,2.36,3.23,3.48,2.38,3.1,3.2,2.38,3.2,3.4,34,2.5,2.33,3.3,3.19,3.51,3.32,31,2.42,2.35,1.65,1.59,16,-0.25,2.02,1.98,1.94,1.9,2.2,3.36,3.73,,, 40 | E0,10/09/17,Swansea,Newcastle,0,1,A,0,0,D,M Jones,10,16,4,8,11,15,7,5,2,3,0,0,2.4,3.25,3.3,2.4,3.1,3.2,2.2,3.35,3.3,2.35,3.1,3.1,2.41,3.28,3.32,2.38,3.1,3.2,2.38,3.25,3.3,34,2.5,2.38,3.35,3.2,3.35,3.21,32,2.28,2.17,1.75,1.7,16,-0.25,2.06,2.03,1.9,1.86,2.52,3.26,3.16,,, 41 | E0,11/09/17,West Ham,Huddersfield,2,0,H,0,0,D,K Friend,19,10,3,2,11,14,10,3,1,2,0,0,1.95,3.5,4.5,1.83,3.5,4.5,2,3.4,3.8,1.91,3.4,4,1.97,3.46,4.46,1.85,3.5,4.33,1.93,3.5,4.4,33,2,1.92,3.6,3.46,4.65,4.27,32,2.05,1.99,1.88,1.83,14,-0.5,1.97,1.92,2,1.96,2.08,3.36,4.14,,, 42 | E0,15/09/17,Bournemouth,Brighton,2,1,H,0,0,D,C Pawson,15,9,3,2,5,12,6,4,0,0,0,0,2.15,3.4,3.8,2.1,3.3,3.7,2.2,3.35,3.3,2.15,3.2,3.4,2.17,3.44,3.74,2.1,3.3,3.8,2.15,3.4,3.75,36,2.2,2.14,3.44,3.34,3.95,3.66,35,2.14,2.06,1.86,1.77,16,-0.25,1.87,1.83,2.1,2.05,2.17,3.41,3.76,,, 43 | E0,16/09/17,Crystal Palace,Southampton,0,1,A,0,1,A,R Madley,14,13,3,4,14,13,5,5,5,1,0,0,3,3.3,2.6,2.95,3.25,2.5,2.85,3.3,2.5,3,3.1,2.45,2.99,3.32,2.6,2.8,3.1,2.6,3,3.25,2.6,36,3.05,2.95,3.35,3.21,2.67,2.54,35,2.45,2.3,1.67,1.62,15,0,2.13,2.07,1.87,1.81,2.89,3.26,2.72,,, 44 | E0,16/09/17,Huddersfield,Leicester,1,1,D,0,0,D,J Moss,15,10,3,1,6,6,8,4,1,1,0,0,3.5,3.4,2.25,3.2,3.25,2.3,2.85,3.3,2.5,3.25,3.2,2.25,3.46,3.42,2.28,3.3,3.3,2.2,3.5,3.4,2.25,36,3.5,3.31,3.45,3.33,2.5,2.27,35,2.12,2.05,1.83,1.77,15,0.25,1.98,1.94,1.97,1.93,3.62,3.39,2.23,,, 45 | E0,16/09/17,Liverpool,Burnley,1,1,D,1,1,D,R East,35,5,9,4,7,9,12,2,1,2,0,0,1.29,6,13,1.26,5.75,12,1.3,5.5,9.5,1.25,5.75,12,1.27,6.3,13.45,1.29,5,12,1.25,6,13,36,1.3,1.26,6.4,5.89,13.45,11.99,33,1.62,1.55,2.62,2.44,15,-1.75,2.01,1.94,1.99,1.92,1.26,6.6,13,,, 46 | E0,16/09/17,Newcastle,Stoke,2,1,H,1,0,H,S Attwell,14,13,3,4,13,11,7,5,3,1,0,0,2.38,3.25,3.4,2.35,3.25,3.2,2.3,3.3,3.15,2.3,3.1,3.2,2.37,3.23,3.46,2.3,3.1,3.3,2.38,3.25,3.4,36,2.43,2.34,3.3,3.21,3.5,3.28,35,2.26,2.17,1.75,1.69,16,-0.25,2.04,1.99,1.92,1.88,2.17,3.45,3.71,,, 47 | E0,16/09/17,Tottenham,Swansea,0,0,D,0,0,D,M Dean,26,4,8,0,11,9,11,1,1,3,0,0,1.22,7,15,1.22,6.5,12.5,1.27,5.8,10.5,1.22,6,15,1.25,6.7,14,1.22,6,13,1.22,7,15,36,1.27,1.23,7,6.38,15,13.26,33,1.6,1.54,2.51,2.46,15,-1.75,1.89,1.86,2.08,2.02,1.21,7.95,14.25,,, 48 | E0,16/09/17,Watford,Man City,0,6,A,0,3,A,A Taylor,7,28,1,10,8,6,3,11,2,0,0,0,9,6,1.33,9.25,5.25,1.33,8,5.3,1.35,8.5,5,1.36,9.83,5.64,1.35,8,5.5,1.33,9.5,5.5,1.33,36,10,8.75,6,5.36,1.37,1.34,32,1.53,1.5,2.74,2.57,14,1.5,1.95,1.9,2.03,1.98,9.35,6.1,1.33,,, 49 | E0,16/09/17,West Brom,West Ham,0,0,D,0,0,D,P Tierney,6,9,1,1,15,7,2,3,2,2,0,0,2.38,3.25,3.4,2.3,3.2,3.25,2.3,3.3,3.15,2.35,3.1,3.2,2.36,3.27,3.43,2.3,3.1,3.3,2.38,3.25,3.4,36,2.45,2.33,3.35,3.22,3.5,3.29,35,2.25,2.2,1.78,1.68,16,-0.25,2.02,1.99,1.93,1.89,2.34,3.27,3.49,,, 50 | E0,17/09/17,Chelsea,Arsenal,0,0,D,0,0,D,M Oliver,13,11,4,2,11,15,5,1,1,3,1,0,1.8,4,4.5,1.75,4,4.4,1.85,3.5,4.3,1.75,3.8,4.25,1.81,4.02,4.57,1.8,3.5,4.5,1.8,4,4.5,36,1.85,1.8,4.02,3.85,4.85,4.37,33,1.68,1.62,2.4,2.3,15,-0.75,2.07,2.02,1.88,1.85,1.77,3.99,4.88,,, 51 | E0,17/09/17,Man United,Everton,4,0,H,1,0,H,A Marriner,16,7,7,3,15,14,4,1,1,1,0,0,1.36,5.25,10,1.34,5,10,1.35,5.3,8,1.33,4.8,10,1.35,5.3,10.93,1.33,4.5,11,1.33,5.25,12,36,1.36,1.34,5.5,5.09,12,10.03,35,1.82,1.76,2.12,2.07,14,-1.25,1.8,1.75,2.24,2.15,1.35,5.33,10.31,,, 52 | E0,23/09/17,Burnley,Huddersfield,0,0,D,0,0,D,C Kavanagh,5,9,3,2,9,13,3,4,3,2,0,0,2.15,3.25,3.9,2.15,3.1,3.75,2.2,3.25,3.4,2.15,3.1,3.6,2.21,3.23,3.89,2.1,3.1,3.8,2.2,3.25,3.8,40,2.22,2.17,3.35,3.19,3.9,3.71,35,2.5,2.4,1.62,1.57,19,-0.25,1.9,1.85,2.07,2.03,2.41,3.16,3.46,,, 53 | E0,23/09/17,Everton,Bournemouth,2,1,H,0,0,D,M Atkinson,12,8,4,4,12,11,4,6,3,1,0,0,1.65,4,5.75,1.65,3.75,5.5,1.65,3.8,5.3,1.67,3.75,5.2,1.72,3.92,5.43,1.67,3.6,5.5,1.67,4,5.75,39,1.72,1.68,4,3.83,5.75,5.34,36,1.93,1.85,2.04,1.96,18,-0.75,1.94,1.88,2.05,2,1.74,3.85,5.37,,, 54 | E0,23/09/17,Leicester,Liverpool,2,3,A,1,2,A,A Taylor,12,23,7,6,13,14,3,6,3,3,0,0,4.1,3.9,1.91,4,3.75,1.87,3.8,3.4,2,4,3.7,1.85,4.27,3.87,1.89,4,3.5,1.91,4.3,3.9,1.87,40,4.3,4.07,4,3.74,2,1.89,36,1.75,1.69,2.31,2.18,17,0.75,1.82,1.78,2.16,2.11,4.4,4.18,1.81,,, 55 | E0,23/09/17,Man City,Crystal Palace,5,0,H,1,0,H,N Swarbrick,25,5,9,0,6,7,8,2,3,1,0,0,1.14,10,21,1.15,8.5,15,1.15,7.5,18,1.13,8.5,21,1.15,10,18.5,1.14,7.5,21,1.13,10,22,40,1.16,1.14,10,8.84,23,19.23,31,1.38,1.36,3.4,3.13,18,-2.25,1.91,1.86,2.06,2.02,1.13,11,21,,, 56 | E0,23/09/17,Southampton,Man United,0,1,A,0,1,A,C Pawson,14,9,4,4,12,9,8,4,1,4,0,0,5.5,3.8,1.73,5.25,3.7,1.7,4.8,3.6,1.75,4.8,3.5,1.73,5.35,3.82,1.75,5,3.6,1.73,5.4,3.8,1.73,40,5.5,5.08,3.85,3.69,1.77,1.73,36,2.13,2.03,1.85,1.78,18,0.75,1.95,1.91,2.02,1.96,4.77,3.74,1.84,,, 57 | E0,23/09/17,Stoke,Chelsea,0,4,A,0,2,A,M Dean,13,7,2,4,5,14,5,0,2,2,0,0,6,4.1,1.62,5.75,4,1.6,5.7,3.9,1.6,5.5,3.9,1.6,5.69,4.25,1.64,6,3.6,1.62,5.75,4.1,1.62,40,6.1,5.66,4.25,4.04,1.67,1.61,38,1.83,1.78,2.14,2.05,18,0.75,2.2,2.13,1.8,1.77,6.65,4.6,1.53,,, 58 | E0,23/09/17,Swansea,Watford,1,2,A,0,1,A,L Mason,10,8,3,4,9,16,5,4,1,3,0,0,2.4,3.3,3.25,2.35,3.2,3.2,2.2,3.35,3.3,2.3,3.2,3.1,2.43,3.29,3.28,2.3,3.2,3.2,2.38,3.3,3.3,40,2.45,2.36,3.4,3.26,3.3,3.17,36,2.19,2.09,1.8,1.75,19,-0.25,2.07,2.01,1.9,1.87,2.42,3.24,3.35,,, 59 | E0,23/09/17,West Ham,Tottenham,2,3,A,0,2,A,M Oliver,10,15,4,5,10,20,4,3,4,2,0,1,6,4.33,1.6,5.5,4.1,1.6,4.9,3.8,1.7,5.5,4,1.57,5.95,4.36,1.61,5.5,4,1.6,6,4.3,1.6,40,6,5.6,4.36,4.15,1.7,1.6,37,1.75,1.69,2.26,2.18,19,1,1.9,1.86,2.07,2.01,5.85,4.37,1.61,,, 60 | E0,24/09/17,Brighton,Newcastle,1,0,H,0,0,D,A Marriner,7,17,3,5,6,8,2,8,2,1,0,0,2.8,3.1,2.9,2.7,3.1,2.8,2.65,3.3,2.65,2.65,3,2.8,2.78,3.1,2.96,2.7,3.1,2.7,2.75,3.13,2.9,40,2.85,2.7,3.3,3.1,2.96,2.83,36,2.55,2.4,1.62,1.57,18,-0.25,2.36,2.3,1.71,1.66,2.89,3.15,2.8,,, 61 | E0,25/09/17,Arsenal,West Brom,2,0,H,1,0,H,R Madley,16,7,6,3,8,17,7,4,1,4,0,0,1.33,5.5,11,1.34,5.25,8.75,1.33,5.3,8.7,1.33,5,9.5,1.36,5.45,10,1.33,5,9,1.33,5.4,10.5,39,1.38,1.34,5.65,5.22,11,9.49,35,1.73,1.64,2.35,2.25,17,-1.5,2.06,2,1.91,1.88,1.34,5.56,10.78,,, 62 | E0,30/09/17,Bournemouth,Leicester,0,0,D,0,0,D,G Scott,19,8,4,1,6,10,7,5,1,0,0,0,2.8,3.25,2.5,2.7,3.3,2.5,2.65,3.3,2.65,2.75,3.4,2.5,2.9,3.48,2.58,2.75,3.4,2.5,2.8,3.5,2.6,38,2.9,2.78,3.5,3.36,2.68,2.53,34,1.88,1.81,2.07,2.01,17,0,2.08,2.02,1.9,1.85,2.64,3.55,2.78,,, 63 | E0,30/09/17,Chelsea,Man City,0,1,A,0,0,D,M Atkinson,4,17,2,6,8,13,4,8,0,2,0,0,2.75,3.3,2.5,2.75,3.5,2.5,2.65,3.3,2.65,2.75,3.4,2.45,2.84,3.63,2.54,2.8,3.3,2.5,2.8,3.5,2.45,38,2.91,2.78,3.63,3.44,2.69,2.49,34,1.75,1.7,2.25,2.15,17,0,2.09,2.04,1.89,1.84,2.77,3.48,2.69,,, 64 | E0,30/09/17,Huddersfield,Tottenham,0,4,A,0,3,A,N Swarbrick,6,14,1,7,7,4,4,7,1,1,0,0,8.5,4.75,1.36,8,4.75,1.36,7,4.5,1.45,8,4.6,1.4,9.54,5,1.4,8,4.5,1.4,9,4.8,1.4,39,9.54,8.47,5.05,4.7,1.45,1.39,34,1.79,1.74,2.2,2.1,17,1.25,2.02,1.98,1.96,1.9,9,4.92,1.42,,, 65 | E0,30/09/17,Man United,Crystal Palace,4,0,H,2,0,H,M Dean,18,6,7,1,6,9,6,5,0,0,0,0,1.17,7,15,1.15,7,16.5,1.17,7.5,15,1.17,7,21,1.19,7.9,19,1.17,7,17,1.18,7.5,22,38,1.19,1.17,8.03,7.29,23,17.9,33,1.62,1.58,2.45,2.36,18,-2,1.95,1.89,2.02,1.98,1.2,7.8,17,,, 66 | E0,30/09/17,Stoke,Southampton,2,1,H,1,0,H,M Jones,17,21,6,3,11,10,5,6,1,2,0,0,2.88,3.2,2.45,2.8,3.2,2.5,2.7,3.15,2.7,3,3.1,2.45,3.06,3.38,2.52,2.9,3.2,2.5,2.88,3.3,2.6,38,3.06,2.9,3.38,3.22,2.73,2.51,34,2.25,2.17,1.78,1.69,16,0.25,1.82,1.75,2.2,2.14,2.95,3.32,2.63,,, 67 | E0,30/09/17,West Brom,Watford,2,2,D,2,1,H,M Oliver,9,15,4,3,12,11,7,6,3,0,0,0,2.15,3.2,3.5,2.15,3.1,3.5,2.25,3.35,3.2,2.25,3,3.5,2.33,3.13,3.69,2.25,3.1,3.4,2.25,3.2,3.7,38,2.35,2.24,3.35,3.14,3.7,3.49,33,2.55,2.44,1.58,1.55,18,-0.25,1.96,1.92,2,1.96,2.17,3.32,3.87,,, 68 | E0,30/09/17,West Ham,Swansea,1,0,H,0,0,D,R East,9,6,4,1,15,13,2,1,3,2,0,0,1.8,3.5,4.5,1.8,3.4,4.5,1.9,3.5,4.1,1.85,3.4,4.25,1.9,3.49,4.84,1.83,3.5,4.33,1.9,3.5,4.6,38,1.91,1.86,3.6,3.46,4.9,4.47,34,2.08,2.01,1.86,1.81,17,-0.5,1.92,1.87,2.04,2,1.84,3.64,4.94,,, 69 | E0,01/10/17,Arsenal,Brighton,2,0,H,1,0,H,K Friend,25,9,12,1,7,8,6,5,0,2,0,0,1.2,6.5,13,1.22,6,12,1.25,6.5,10,1.25,5.8,13,1.27,6.65,12.35,1.22,6,13,1.25,6.5,12,38,1.27,1.24,6.65,6.16,14,12.23,33,1.63,1.55,2.62,2.43,17,-1.75,1.98,1.94,1.98,1.93,1.26,6.65,13.5,,, 70 | E0,01/10/17,Everton,Burnley,0,1,A,0,1,A,J Moss,23,5,4,2,14,7,9,3,2,2,0,0,1.67,3.6,5.75,1.62,3.7,5.5,1.7,3.7,5,1.67,3.6,5.5,1.68,3.81,6.2,1.62,3.6,6,1.67,3.75,6,37,1.7,1.65,3.9,3.71,6.2,5.74,33,2.18,2.08,1.8,1.75,17,-0.75,1.89,1.86,2.06,2.01,1.71,3.77,5.75,,, 71 | E0,01/10/17,Newcastle,Liverpool,1,1,D,1,1,D,C Pawson,8,17,5,2,11,6,1,5,1,1,0,0,5,3.8,1.67,5,4,1.67,4.6,3.75,1.75,4.6,3.9,1.7,5.09,4.17,1.71,5,3.75,1.7,5.2,4,1.7,38,5.2,4.82,4.17,3.9,1.77,1.71,34,1.73,1.68,2.3,2.18,17,0.75,2.01,1.96,1.95,1.91,5.02,4.14,1.72,,, 72 | E0,14/10/17,Burnley,West Ham,1,1,D,0,1,A,S Attwell,20,8,5,6,11,14,7,4,2,2,0,1,2.75,3.25,2.8,2.65,3.25,2.75,2.6,3.3,2.7,2.65,3.1,2.7,2.8,3.23,2.83,2.6,3.2,2.88,2.75,3.25,2.8,33,2.81,2.67,3.3,3.18,2.89,2.78,30,2.34,2.22,1.71,1.65,17,-0.25,2.37,2.29,1.7,1.66,3.08,3.3,2.51,,, 73 | E0,14/10/17,Crystal Palace,Chelsea,2,1,H,2,1,H,A Marriner,14,15,5,5,7,6,5,8,2,1,0,0,9,5,1.4,9,5,1.36,7.5,4.8,1.4,8.5,4.5,1.4,8.5,4.92,1.43,9.5,4.8,1.36,8.5,4.6,1.44,34,9.5,8.46,5,4.67,1.45,1.4,29,1.87,1.81,2.05,1.99,17,1.25,1.97,1.89,2.06,1.98,7.65,4.62,1.49,,, 74 | E0,14/10/17,Liverpool,Man United,0,0,D,0,0,D,M Atkinson,19,6,5,1,7,13,7,3,0,2,0,0,2.8,3.25,2.8,2.7,3.3,2.65,2.65,3.3,2.65,2.62,3.3,2.62,2.77,3.32,2.79,2.75,3.2,2.75,2.75,3.4,2.7,34,2.87,2.71,3.4,3.26,2.8,2.7,30,1.99,1.9,1.98,1.91,17,0,1.98,1.93,1.98,1.94,2.75,3.29,2.82,,, 75 | E0,14/10/17,Man City,Stoke,7,2,H,3,1,H,C Pawson,20,5,11,1,5,8,5,0,0,1,0,0,1.14,9.5,21,1.14,9,16,1.17,7.5,15,1.13,8.5,15,1.16,9,19.9,1.14,8.5,21,1.14,9.5,17,34,1.17,1.14,9.5,8.69,23,18.5,28,1.36,1.31,3.6,3.39,17,-2.5,2.12,2.06,1.86,1.82,1.14,10.5,20,,, 76 | E0,14/10/17,Swansea,Huddersfield,2,0,H,1,0,H,P Tierney,7,7,3,2,12,16,5,3,1,5,0,0,2.2,3.25,3.75,2.15,3.1,3.8,2.1,3.4,3.5,2.1,3.1,3.75,2.21,3.16,3.98,2.15,3.2,3.8,2.2,3.2,3.9,33,2.21,2.15,3.4,3.13,4.1,3.78,30,2.69,2.52,1.55,1.51,18,-0.25,1.9,1.84,2.11,2.04,2.09,3.32,4.16,,, 77 | E0,14/10/17,Tottenham,Bournemouth,1,0,H,0,0,D,R Madley,18,5,6,1,9,7,9,5,1,3,0,0,1.2,8,15,1.19,7.25,14,1.25,6,11,1.2,6.5,15,1.21,7.92,14.37,1.2,7.5,13,1.22,7.5,13,34,1.25,1.2,8,7.1,16,13.4,28,1.44,1.38,3.1,2.96,18,-2,2.04,1.97,1.95,1.89,1.27,7.25,11.5,,, 78 | E0,14/10/17,Watford,Arsenal,2,1,H,0,1,A,N Swarbrick,11,9,2,6,8,10,2,5,1,0,0,0,5.25,4.33,1.65,5.25,4.1,1.62,4.6,3.7,1.75,5,4,1.6,5.49,4.37,1.64,5.5,4.2,1.62,5.5,4.4,1.62,34,5.65,5.17,4.4,4.18,1.75,1.63,29,1.61,1.55,2.55,2.41,17,0.75,2.17,2.12,1.82,1.77,5,4.2,1.72,,, 79 | E0,15/10/17,Brighton,Everton,1,1,D,0,0,D,M Oliver,12,13,3,6,12,10,7,1,4,1,0,0,3.25,3.3,2.4,3.2,3.2,2.35,2.95,3.3,2.4,3.2,3,2.4,3.22,3.18,2.53,3.25,3.2,2.38,3.3,3.1,2.5,33,3.3,3.19,3.3,3.14,2.53,2.41,28,2.6,2.43,1.61,1.55,17,0.25,1.85,1.81,2.14,2.07,3.24,3.15,2.57,,, 80 | E0,15/10/17,Southampton,Newcastle,2,2,D,0,1,A,K Friend,12,19,2,5,11,12,3,8,1,2,0,0,1.91,3.6,4.5,1.85,3.5,4.5,1.8,3.6,4.5,1.83,3.4,4.5,1.87,3.58,4.85,1.85,3.6,4.5,1.87,3.5,4.75,34,1.91,1.85,3.6,3.49,4.9,4.5,30,2.21,2.11,1.78,1.72,17,-0.5,1.9,1.85,2.08,2.03,1.86,3.57,4.92,,, 81 | E0,16/10/17,Leicester,West Brom,1,1,D,0,0,D,M Dean,11,5,3,1,13,6,4,1,2,2,0,0,2.05,3.4,4.2,2,3.3,4.1,1.9,3.5,4.1,2,3.25,3.9,2.03,3.4,4.28,2,3.4,4,2.05,3.4,4,33,2.13,2.01,3.5,3.32,4.3,3.99,28,2.18,2.1,1.82,1.73,15,-0.25,1.78,1.71,2.26,2.19,2,3.38,4.45,,, 82 | E0,20/10/17,West Ham,Brighton,0,3,A,0,2,A,M Atkinson,16,7,2,5,5,13,10,3,1,0,0,0,1.83,3.5,5.25,1.8,3.5,4.75,1.85,3.5,4.3,1.8,3.3,4.75,1.82,3.53,5.34,1.83,3.3,5,1.83,3.5,5.2,36,1.87,1.82,3.55,3.42,5.43,4.96,32,2.36,2.24,1.71,1.65,19,-0.75,2.11,2.06,1.86,1.81,1.79,3.57,5.54,,, 83 | E0,21/10/17,Chelsea,Watford,4,2,H,1,1,D,J Moss,14,16,8,5,13,16,6,6,2,3,0,0,1.36,5.25,10,1.35,5,9.25,1.35,5.3,8,1.36,4.8,9,1.4,5.08,8.95,1.36,5,9,1.36,5.25,9.5,36,1.4,1.36,5.5,5.02,10,8.7,31,1.67,1.6,2.45,2.32,19,-1.25,1.93,1.85,2.1,2.03,1.37,5.35,9.6,,, 84 | E0,21/10/17,Huddersfield,Man United,2,1,H,2,0,H,L Mason,5,9,3,3,10,12,4,7,4,2,0,0,11,5,1.36,9.5,5.25,1.33,8,5.3,1.35,10,4.6,1.33,11.73,5.12,1.35,11,5,1.33,10,5,1.36,36,11.73,10.29,5.3,4.87,1.37,1.34,35,2.07,1.95,1.92,1.86,19,1.25,2.1,2.05,1.88,1.83,9.75,4.9,1.4,,, 85 | E0,21/10/17,Man City,Burnley,3,0,H,1,0,H,R East,15,6,10,0,10,6,4,5,2,3,0,0,1.11,12,26,1.09,11,26,1.15,7.5,18,1.1,11,26,1.12,12.2,23,1.11,9,26,1.11,11.5,22,36,1.15,1.1,12.4,10.5,31,23.54,30,1.3,1.27,3.9,3.66,19,-2.75,2.06,2,1.93,1.87,1.12,11.5,24,,, 86 | E0,21/10/17,Newcastle,Crystal Palace,1,0,H,0,0,D,S Attwell,7,10,3,0,12,14,3,5,4,2,0,0,2,3.5,4.2,1.95,3.4,4.1,1.9,3.5,4.1,1.95,3.3,4,1.98,3.58,4.24,2.05,3.1,4.2,1.95,3.5,4.33,36,2.06,1.97,3.6,3.41,4.33,4.05,31,2.12,2.05,1.86,1.77,19,-0.25,1.73,1.69,2.34,2.24,1.88,3.65,4.64,,, 87 | E0,21/10/17,Southampton,West Brom,1,0,H,0,0,D,G Scott,20,7,6,2,10,8,8,3,0,1,0,0,1.85,3.39,5.25,1.8,3.4,5,1.9,3.5,4.1,1.8,3.3,5,1.82,3.47,5.49,1.83,3.4,5,1.83,3.4,5.5,36,1.9,1.81,3.6,3.37,5.5,5.04,33,2.48,2.37,1.62,1.58,19,-0.75,2.11,2.06,1.85,1.81,1.9,3.31,5.19,,, 88 | E0,21/10/17,Stoke,Bournemouth,1,2,A,0,2,A,L Probert,10,7,2,3,17,10,8,3,0,1,0,0,2.14,3.5,3.6,2.2,3.3,3.4,2,3.4,3.8,2.1,3.3,3.4,2.21,3.44,3.61,2.2,3.3,3.5,2.15,3.5,3.6,36,2.23,2.15,3.5,3.38,3.8,3.48,32,2.02,1.94,1.97,1.87,20,-0.25,1.9,1.85,2.07,2.03,2.16,3.55,3.62,,, 89 | E0,21/10/17,Swansea,Leicester,1,2,A,0,1,A,M Oliver,19,11,4,6,6,9,7,6,0,1,0,0,2.79,3.25,2.75,2.75,3.25,2.65,2.4,3.3,2.95,2.8,3.2,2.55,2.83,3.31,2.74,2.9,3.1,2.62,2.88,3.3,2.7,36,2.9,2.77,3.31,3.21,2.95,2.65,31,2.21,2.11,1.79,1.72,19,0,2.05,1.97,1.94,1.9,2.89,3.27,2.71,,, 90 | E0,22/10/17,Everton,Arsenal,2,5,A,1,1,D,C Pawson,8,30,3,14,14,14,0,7,1,1,1,0,3.79,3.6,2.04,3.9,3.6,1.95,3.8,3.4,2,3.6,3.5,2,3.84,3.71,2.04,4,3.3,2.05,4,3.6,2,35,4,3.77,3.75,3.52,2.1,2.01,31,1.87,1.81,2.13,2.01,18,0.25,2.24,2.16,1.78,1.73,4.7,3.88,1.82,,, 91 | E0,22/10/17,Tottenham,Liverpool,4,1,H,3,1,H,A Marriner,14,12,6,7,2,8,3,5,0,1,0,0,2.25,3.5,3.39,2.15,3.4,3.4,2.2,3.35,3.3,2.15,3.5,3.2,2.22,3.62,3.4,2.15,3.4,3.5,2.2,3.6,3.4,35,2.25,2.18,3.62,3.48,3.5,3.32,32,1.7,1.66,2.33,2.23,20,-0.25,1.93,1.88,2.03,1.99,2.24,3.62,3.36,,, 92 | E0,28/10/17,Arsenal,Swansea,2,1,H,0,1,A,L Mason,17,4,5,2,9,9,5,2,0,0,0,0,1.25,7,12,1.25,6.5,10.5,1.25,6,11,1.22,6.5,13,1.24,7.35,13.5,1.22,7,13,1.25,7,13,35,1.25,1.22,7.35,6.7,15,12.66,28,1.48,1.41,3,2.83,20,-2,2.07,2.01,1.9,1.85,1.2,8.3,15,,, 93 | E0,28/10/17,Bournemouth,Chelsea,0,1,A,0,0,D,C Pawson,7,18,1,5,5,5,5,5,2,0,0,0,6,4.2,1.61,5.25,4.2,1.62,5.7,3.9,1.6,5,4,1.61,5.59,4.29,1.65,5.5,4.2,1.62,5.4,4.3,1.65,35,6,5.35,4.3,4.14,1.68,1.62,34,1.7,1.63,2.38,2.26,20,1,1.85,1.82,2.13,2.07,6.2,4.4,1.58,,, 94 | E0,28/10/17,Crystal Palace,West Ham,2,2,D,0,2,A,R Madley,19,6,9,2,18,15,11,2,1,2,0,0,2.39,3.29,3.29,2.35,3.3,3.1,2.4,3.3,2.95,2.3,3.2,3.2,2.36,3.34,3.37,2.4,3.3,3.1,2.4,3.3,3.3,35,2.41,2.34,3.4,3.27,3.37,3.2,31,2.17,2.08,1.8,1.75,20,-0.25,2.06,2.02,1.91,1.86,2.56,3.19,3.16,,, 95 | E0,28/10/17,Liverpool,Huddersfield,3,0,H,0,0,D,K Friend,16,1,8,0,10,8,9,2,0,1,0,0,1.25,6.75,13,1.22,6.5,12.5,1.25,6,11,1.25,5.8,12,1.25,6.7,14,1.25,6.5,12,1.25,6.5,13,35,1.29,1.24,6.9,6.33,14,12.15,32,1.53,1.48,2.75,2.61,20,-2,2.26,2.16,1.79,1.73,1.25,6.7,14,,, 96 | E0,28/10/17,Man United,Tottenham,1,0,H,0,0,D,J Moss,11,13,3,4,12,14,6,3,1,0,0,0,2.14,3.39,3.79,2.05,3.4,3.8,2.2,3.35,3.3,2.15,3.2,3.5,2.23,3.38,3.62,2.15,3.4,3.6,2.25,3.3,3.6,35,2.25,2.16,3.5,3.3,3.8,3.6,32,2.25,2.15,1.77,1.7,20,-0.25,1.93,1.87,2.06,2.01,2.1,3.43,3.96,,, 97 | E0,28/10/17,Watford,Stoke,0,1,A,0,1,A,M Oliver,13,6,0,2,10,9,8,1,4,4,0,0,2.04,3.6,3.79,2.05,3.4,3.75,2.1,3.4,3.5,2,3.4,3.7,2.04,3.69,3.86,2.05,3.5,3.75,2.05,3.6,3.9,35,2.13,2.03,3.69,3.52,3.9,3.71,32,1.98,1.91,1.98,1.91,19,-0.25,1.78,1.74,2.22,2.16,2.02,3.57,4.07,,, 98 | E0,28/10/17,West Brom,Man City,2,3,A,1,2,A,M Jones,6,15,4,5,10,7,1,2,2,3,0,0,11,6.5,1.28,11.5,6.25,1.25,11,6,1.25,13,5.8,1.25,12.41,6.83,1.26,12,6.5,1.25,13,6.5,1.25,34,13,11.86,6.83,6.18,1.29,1.25,32,1.57,1.53,2.6,2.48,19,1.75,1.98,1.93,1.98,1.94,11,6.4,1.29,,, 99 | E0,29/10/17,Brighton,Southampton,1,1,D,0,1,A,N Swarbrick,7,6,2,1,9,10,2,7,3,1,0,0,3.29,3.2,2.45,3.1,3.1,2.45,2.85,3.3,2.5,3.2,3,2.37,3.35,3.23,2.43,3.25,3.2,2.38,3.3,3.13,2.45,34,3.35,3.21,3.3,3.13,2.5,2.4,32,2.55,2.44,1.6,1.54,18,0.25,1.88,1.83,2.11,2.06,3.42,3.29,2.36,,, 100 | E0,29/10/17,Leicester,Everton,2,0,H,2,0,H,A Marriner,9,16,3,2,6,10,3,10,0,2,0,0,2.14,3.39,3.75,2.15,3.3,3.6,2.2,3.35,3.3,2.1,3.3,3.4,2.16,3.47,3.71,2.15,3.4,3.5,2.2,3.4,3.6,33,2.22,2.13,3.5,3.37,3.75,3.53,30,2.02,1.94,1.93,1.86,19,-0.25,1.88,1.84,2.11,2.04,2.08,3.45,4,,, 101 | E0,30/10/17,Burnley,Newcastle,1,0,H,0,0,D,M Dean,12,12,5,5,9,10,5,3,3,0,0,0,2.89,3.2,2.7,2.85,3.2,2.6,2.65,3.3,2.65,2.9,3,2.55,3.05,3.13,2.69,2.88,3.1,2.7,3,3.2,2.63,34,3.05,2.9,3.3,3.12,2.7,2.6,33,2.41,2.3,1.67,1.6,18,0,2.11,2.04,1.85,1.83,3.22,3.13,2.56,,, 102 | E0,04/11/17,Huddersfield,West Brom,1,0,H,1,0,H,R East,7,9,3,3,8,15,3,5,1,4,1,0,2.79,3,3,2.65,3,2.95,2.5,3.1,3,2.75,2.9,2.8,2.78,3.01,3.04,2.7,3,3,2.75,3,3,36,2.85,2.73,3.1,2.96,3.04,2.93,32,2.96,2.75,1.49,1.44,19,-0.25,2.4,2.29,1.7,1.66,2.99,2.92,2.91,,, 103 | E0,04/11/17,Newcastle,Bournemouth,0,1,A,0,0,D,P Tierney,16,16,4,6,11,12,11,9,2,2,0,0,2,3.5,4.2,1.95,3.5,4,1.9,3.5,4.1,1.95,3.4,3.9,1.99,3.47,4.36,2,3.4,4,2,3.5,4.2,36,2.06,1.98,3.5,3.42,4.36,4.05,35,2.1,2.01,1.89,1.8,19,-0.5,2.02,1.98,1.95,1.91,1.83,3.63,5,,, 104 | E0,04/11/17,Southampton,Burnley,0,1,A,0,0,D,L Probert,13,5,3,1,4,4,9,1,0,0,0,0,1.66,3.75,6.5,1.62,3.6,6.5,1.75,3.6,4.8,1.61,3.5,6,1.64,3.76,6.91,1.67,3.5,6.5,1.65,3.75,6.5,36,1.75,1.64,3.8,3.64,7,6.2,34,2.4,2.28,1.67,1.63,19,-0.75,1.87,1.84,2.1,2.05,1.67,3.7,6.58,,, 105 | E0,04/11/17,Stoke,Leicester,2,2,D,1,1,D,R Madley,11,14,7,4,12,8,4,10,0,0,0,0,2.7,3.29,2.87,2.55,3.3,2.8,2.4,3.3,2.95,2.62,3.2,2.65,2.74,3.33,2.82,2.7,3.2,2.8,2.75,3.3,2.8,36,2.75,2.65,3.35,3.25,2.95,2.77,35,2.07,2,1.85,1.81,19,0,1.97,1.91,2,1.96,2.65,3.26,2.97,,, 106 | E0,04/11/17,Swansea,Brighton,0,1,A,0,1,A,M Dean,12,5,2,2,13,12,8,7,2,1,0,0,2.39,3.2,3.39,2.35,3.1,3.3,2.2,3.35,3.3,2.35,3,3.2,2.47,3.13,3.38,2.4,3.1,3.3,2.4,3.2,3.4,36,2.47,2.38,3.35,3.1,3.44,3.29,32,2.55,2.42,1.61,1.56,20,-0.25,2.08,2.03,1.9,1.86,2.72,2.99,3.14,,, 107 | E0,04/11/17,West Ham,Liverpool,1,4,A,0,2,A,N Swarbrick,6,15,1,7,9,13,2,3,3,0,0,0,5.25,4.33,1.66,5,4.1,1.65,4.8,3.6,1.75,5.2,4,1.61,5.53,4.29,1.65,5,4.2,1.67,5.5,4.3,1.65,36,5.55,5.17,4.33,4.13,1.75,1.64,34,1.68,1.63,2.38,2.28,20,1,1.84,1.79,2.16,2.08,6.29,4.68,1.54,,, 108 | E0,05/11/17,Chelsea,Man United,1,0,H,0,0,D,A Taylor,18,10,8,2,16,20,4,7,1,3,0,0,2.5,3.2,3.2,2.45,3.2,3,2.5,3.1,3,2.45,3.1,3,2.54,3.22,3.17,2.5,3.2,3.1,2.5,3.2,3.13,36,2.6,2.47,3.25,3.15,3.2,3.07,34,2.41,2.28,1.67,1.62,20,-0.25,2.17,2.11,1.83,1.79,2.62,3.1,3.16,,, 109 | E0,05/11/17,Everton,Watford,3,2,H,0,0,D,G Scott,10,11,5,3,14,12,2,5,0,2,0,0,2.2,3.39,3.6,2.1,3.4,3.6,2.1,3.4,3.5,2.15,3.25,3.4,2.21,3.38,3.67,2.15,3.3,3.6,2.15,3.4,3.7,35,2.25,2.16,3.45,3.34,3.8,3.52,31,2.1,2.02,1.87,1.8,19,-0.25,1.89,1.85,2.08,2.03,2.27,3.3,3.61,,, 110 | E0,05/11/17,Man City,Arsenal,3,1,H,1,0,H,M Oliver,9,6,5,3,15,15,5,5,1,6,0,0,1.39,5.5,7.5,1.4,5,7.5,1.55,4.5,5.3,1.4,4.8,6.5,1.43,5.2,7.69,1.44,4.8,7,1.4,5.5,7.5,36,1.55,1.42,5.5,5.02,7.7,7,27,1.42,1.36,3.65,3.1,19,-1.25,1.93,1.87,2.04,2,1.41,5.65,7.5,,, 111 | E0,05/11/17,Tottenham,Crystal Palace,1,0,H,0,0,D,K Friend,12,11,2,3,6,7,10,9,0,2,0,0,1.28,6,12,1.26,6,11,1.27,6,10,1.28,5.5,11,1.31,6.11,10.98,1.29,5.5,12,1.3,6,11.5,36,1.31,1.28,6.5,5.87,12,10.96,27,1.5,1.47,2.75,2.63,19,-1.5,1.88,1.84,2.1,2.04,1.34,5.5,10.6,,, 112 | E0,18/11/17,Arsenal,Tottenham,2,0,H,2,0,H,M Dean,14,14,5,4,11,16,7,4,4,1,0,0,2.5,3.6,2.89,2.45,3.4,2.85,2.5,3.5,2.7,2.35,3.5,2.8,2.5,3.62,2.92,2.5,3.5,2.8,2.5,3.6,2.9,35,2.54,2.43,3.62,3.51,2.95,2.85,32,1.69,1.62,2.35,2.27,19,-0.25,2.19,2.11,1.83,1.78,2.49,3.5,3,,, 113 | E0,18/11/17,Bournemouth,Huddersfield,4,0,H,2,0,H,L Probert,11,20,5,3,13,10,8,11,3,2,1,0,1.83,3.5,5.25,1.83,3.4,4.75,2,3.4,3.8,1.8,3.4,4.75,1.84,3.49,5.23,1.85,3.3,5,1.83,3.6,5,35,2,1.82,3.6,3.42,5.25,4.85,30,2.25,2.16,1.75,1.69,19,-0.5,1.86,1.82,2.11,2.07,1.81,3.66,5.16,,, 114 | E0,18/11/17,Burnley,Swansea,2,0,H,2,0,H,M Atkinson,16,13,7,1,12,12,8,6,1,1,0,0,2.14,3.2,4,2.1,3.2,3.9,1.9,3.3,4.4,2.1,3.1,3.9,2.13,3.17,4.24,2.1,3.2,4,2.15,3.13,4.2,35,2.22,2.11,3.3,3.12,4.4,3.96,32,2.69,2.55,1.55,1.5,19,-0.25,1.82,1.78,2.16,2.1,2.41,2.98,3.71,,, 115 | E0,18/11/17,Crystal Palace,Everton,2,2,D,2,2,D,A Taylor,16,8,7,5,9,26,9,4,2,3,0,0,2.39,3.25,3.29,2.4,3.25,3.1,2.6,3.25,2.75,2.3,3.1,3.2,2.37,3.3,3.4,2.4,3.2,3.2,2.38,3.25,3.4,35,2.6,2.36,3.3,3.21,3.4,3.2,30,2.26,2.18,1.74,1.68,20,-0.25,2.05,2,1.91,1.87,2.24,3.25,3.75,,, 116 | E0,18/11/17,Leicester,Man City,0,2,A,0,1,A,G Scott,2,12,0,4,8,10,1,7,1,1,0,0,9.5,5.75,1.33,8,5.75,1.33,8,5.3,1.35,8.5,5.2,1.33,9.06,5.89,1.35,9.5,5,1.35,9.5,5.75,1.33,35,9.5,8.54,5.89,5.49,1.37,1.34,28,1.45,1.41,3,2.82,19,1.5,1.99,1.94,1.98,1.93,8.26,5.65,1.38,,, 117 | E0,18/11/17,Liverpool,Southampton,3,0,H,2,0,H,M Jones,21,5,8,0,15,9,10,2,1,1,0,0,1.39,5,9,1.4,4.75,8.25,1.45,4.4,7.2,1.4,4.6,8,1.41,5.14,8.67,1.4,4.8,8.5,1.4,5,9.5,35,1.45,1.39,5.17,4.87,9.5,8.29,31,1.7,1.65,2.35,2.24,19,-1.25,1.92,1.87,2.05,2,1.42,5.07,8.47,,, 118 | E0,18/11/17,Man United,Newcastle,4,1,H,2,1,H,C Pawson,16,12,7,5,10,9,11,4,1,1,0,0,1.28,5.75,13,1.26,5.75,11.5,1.27,5.8,10.5,1.28,5.2,13,1.29,5.7,15,1.3,5,13,1.3,5.75,12,35,1.3,1.28,5.8,5.43,15,12.54,32,1.91,1.84,2.05,1.98,19,-1.5,1.94,1.9,2.02,1.98,1.27,6,15,,, 119 | E0,18/11/17,West Brom,Chelsea,0,4,A,0,3,A,J Moss,7,11,2,7,13,12,3,4,2,3,0,0,6.5,4,1.61,5.75,4,1.6,6.2,4,1.55,6,3.75,1.53,6.46,4.09,1.61,6.5,3.75,1.62,6.25,4.1,1.62,35,6.5,6.13,4.1,3.89,1.65,1.6,31,2.13,2.05,1.83,1.77,20,1,1.86,1.82,2.1,2.06,6.92,4.36,1.55,,, 120 | E0,19/11/17,Watford,West Ham,2,0,H,1,0,H,A Marriner,17,10,7,6,13,10,3,1,1,4,0,0,2.1,3.5,3.75,2.1,3.25,3.7,2.2,3.35,3.3,2.05,3.4,3.5,2.13,3.5,3.79,2.1,3.5,3.6,2.1,3.5,3.7,35,2.2,2.1,3.52,3.42,3.8,3.61,32,1.95,1.89,1.98,1.91,20,-0.25,1.85,1.81,2.13,2.08,2.32,3.26,3.54,,, 121 | E0,20/11/17,Brighton,Stoke,2,2,D,1,2,A,L Mason,9,13,3,6,13,5,6,7,1,0,0,0,2.39,3.2,3.39,2.4,3.1,3.2,2.4,3.3,2.95,2.35,3,3.25,2.38,3.16,3.52,2.4,3.1,3.3,2.4,3.13,3.4,34,2.45,2.38,3.3,3.11,3.52,3.27,30,2.51,2.39,1.62,1.57,19,-0.25,2.07,2.02,1.92,1.85,2.41,3.19,3.42,,, 122 | E0,24/11/17,West Ham,Leicester,1,1,D,1,1,D,M Atkinson,8,7,4,2,9,12,5,5,1,1,0,0,2.7,3.39,2.75,2.75,3.3,2.6,2.5,3.3,2.85,2.7,3.3,2.7,2.74,3.32,2.82,2.75,3.2,2.75,2.7,3.4,2.75,35,2.87,2.71,3.4,3.29,2.85,2.7,31,2.05,1.98,1.9,1.83,18,0.25,1.69,1.66,2.4,2.31,2.89,3.27,2.71,,, 123 | E0,25/11/17,Crystal Palace,Stoke,2,1,H,0,0,D,M Dean,10,9,5,3,9,5,5,2,1,1,0,0,2.04,3.5,4,2,3.4,3.9,2.1,3.4,3.5,2,3.3,3.75,2.08,3.44,4.03,2.1,3.1,4,2.05,3.5,4,35,2.13,2.04,3.5,3.35,4.03,3.85,30,2.1,2.03,1.85,1.79,18,-0.25,1.79,1.75,2.21,2.15,1.95,3.63,4.29,,, 124 | E0,25/11/17,Liverpool,Chelsea,1,1,D,0,0,D,M Oliver,16,11,4,3,10,7,7,8,0,0,0,0,2.14,3.6,3.5,2.15,3.5,3.3,2.2,3.3,3.4,2.05,3.6,3.3,2.12,3.68,3.62,2.15,3.3,3.6,2.15,3.6,3.5,35,2.2,2.12,3.68,3.5,3.7,3.46,29,1.75,1.69,2.3,2.17,19,-0.25,1.86,1.83,2.11,2.06,2.21,3.59,3.45,,, 125 | E0,25/11/17,Man United,Brighton,1,0,H,0,0,D,N Swarbrick,15,8,4,2,9,9,5,0,0,2,0,0,1.19,7,19,1.18,7.25,15.5,1.2,6.5,15,1.18,6.5,19,1.19,7.42,20.97,1.22,5.5,21,1.18,7.5,22,35,1.22,1.19,7.5,6.72,22,18.1,29,1.75,1.67,2.3,2.2,20,-2,2.11,2.05,1.86,1.83,1.2,7.45,19,,, 126 | E0,25/11/17,Newcastle,Watford,0,3,A,0,2,A,C Kavanagh,12,12,2,4,8,13,6,3,1,2,0,0,2.2,3.5,3.5,2.2,3.3,3.4,2.1,3.4,3.5,2.15,3.3,3.4,2.18,3.48,3.59,2.25,3.2,3.5,2.2,3.4,3.6,35,2.33,2.2,3.5,3.34,3.6,3.42,30,2.1,2.01,1.89,1.81,19,-0.25,1.9,1.87,2.07,2.01,2.4,3.37,3.26,,, 127 | E0,25/11/17,Swansea,Bournemouth,0,0,D,0,0,D,S Attwell,10,9,1,5,18,6,4,5,4,2,0,0,2.79,3.25,2.79,2.8,3.1,2.7,2.5,3.3,2.85,2.75,3.1,2.65,2.83,3.27,2.77,2.8,3.2,2.7,2.8,3.25,2.75,35,2.9,2.75,3.33,3.18,2.85,2.71,29,2.26,2.18,1.75,1.68,18,-0.25,2.41,2.34,1.68,1.64,3.01,3.3,2.6,,, 128 | E0,25/11/17,Tottenham,West Brom,1,1,D,0,1,A,M Jones,24,5,5,2,10,13,8,0,1,4,0,0,1.25,6,16,1.22,6.25,13.5,1.3,5.5,9.5,1.25,5.5,13,1.27,6.2,14.35,1.25,5.5,15,1.25,6.25,13,35,1.3,1.25,6.25,5.83,17,13.89,29,1.76,1.69,2.26,2.16,19,-1.75,2.05,2,1.91,1.88,1.26,6.6,13.65,,, 129 | E0,26/11/17,Burnley,Arsenal,0,1,A,0,0,D,L Mason,8,17,2,2,8,14,5,5,2,0,0,0,6.5,4.5,1.53,5.75,4.4,1.55,5.7,3.9,1.6,5.75,4,1.57,5.89,4.47,1.6,6,4.2,1.57,6.25,4.33,1.57,35,6.5,5.83,4.52,4.24,1.63,1.57,33,1.79,1.72,2.2,2.12,20,1,1.95,1.9,2.03,1.97,6.25,4.2,1.61,,, 130 | E0,26/11/17,Huddersfield,Man City,1,2,A,1,0,H,C Pawson,4,14,0,5,10,10,3,7,2,3,1,0,17,8,1.18,15,7.25,1.18,15,6.5,1.2,17,7,1.18,15.5,8.24,1.2,17,6.5,1.2,18,8,1.18,35,19,15.71,8.24,7.29,1.21,1.18,27,1.51,1.46,2.88,2.65,20,2,2.05,2,1.91,1.87,17,8.3,1.19,,, 131 | E0,26/11/17,Southampton,Everton,4,1,H,1,1,D,K Friend,17,5,5,2,6,13,7,2,0,0,0,0,1.9,3.39,4.75,1.83,3.5,4.6,2,3.4,3.8,1.83,3.3,4.6,1.88,3.49,4.98,1.91,3.3,4.5,1.83,3.5,5.2,34,2,1.87,3.5,3.39,5.2,4.64,28,2.33,2.25,1.7,1.64,18,-0.75,2.2,2.15,1.82,1.75,1.81,3.72,5,,, 132 | E0,28/11/17,Brighton,Crystal Palace,0,0,D,0,0,D,A Marriner,10,10,4,4,13,8,10,5,2,0,0,0,2.7,3.1,3,2.6,3.1,2.9,2.5,3.15,2.95,2.65,3.1,2.9,2.68,3.17,3.01,2.62,3.1,2.9,2.7,3.1,3,35,2.75,2.64,3.17,3.07,3.05,2.93,31,2.6,2.44,1.6,1.55,19,-0.25,2.29,2.24,1.73,1.69,2.77,3.1,2.97,,, 133 | E0,28/11/17,Leicester,Tottenham,2,1,H,2,0,H,A Taylor,7,18,4,6,7,10,4,9,1,2,0,0,5,3.89,1.75,4.75,3.75,1.75,4.7,3.7,1.75,4.75,3.9,1.75,4.86,3.98,1.78,4.8,3.75,1.75,5,3.9,1.75,35,5,4.75,4,3.82,1.8,1.75,29,1.85,1.77,2.14,2.05,19,0.75,1.95,1.92,2.01,1.96,5.05,3.7,1.81,,, 134 | E0,28/11/17,Watford,Man United,2,4,A,0,3,A,J Moss,12,15,3,7,12,10,5,5,2,1,0,0,5.25,3.89,1.72,5,3.75,1.7,5,3.7,1.7,5.2,3.9,1.7,5.34,4.05,1.71,5,3.8,1.7,5.25,3.9,1.73,35,5.55,5.09,4.1,3.88,1.75,1.7,31,1.89,1.81,2.1,2.01,19,0.75,2.04,1.99,1.93,1.88,5.25,3.75,1.78,,, 135 | E0,28/11/17,West Brom,Newcastle,2,2,D,1,0,H,L Probert,8,14,4,4,13,12,1,6,0,0,0,0,2.37,3.1,3.5,2.35,3.1,3.3,2.4,3.1,3.15,2.35,3.1,3.4,2.37,3.21,3.49,2.38,3.1,3.4,2.38,3.2,3.4,35,2.41,2.35,3.21,3.12,3.6,3.35,31,2.55,2.41,1.62,1.56,20,-0.25,2.02,1.99,1.93,1.9,2.47,3.1,3.41,,, 136 | E0,29/11/17,Arsenal,Huddersfield,5,0,H,1,0,H,G Scott,21,7,7,2,10,12,7,2,0,1,0,0,1.19,7.5,17,1.18,7,17,1.2,6.5,15,1.2,6.5,15,1.23,7.23,14.43,1.2,7,15,1.2,7,19,35,1.23,1.2,7.5,6.88,19,14.72,29,1.54,1.49,2.65,2.56,19,-2,2.1,2.04,1.9,1.83,1.18,8.3,18.5,,, 137 | E0,29/11/17,Bournemouth,Burnley,1,2,A,0,1,A,R East,10,10,2,4,9,11,4,6,0,1,0,0,2,3.39,4.33,2,3.3,4.1,2.1,3.3,3.6,1.95,3.25,4,2,3.39,4.47,1.95,3.4,4.2,2,3.4,4.33,34,2.1,1.98,3.5,3.34,4.6,4.13,28,2.28,2.19,1.72,1.67,18,-0.25,1.74,1.69,2.3,2.23,2.21,3.22,3.88,,, 138 | E0,29/11/17,Chelsea,Swansea,1,0,H,0,0,D,N Swarbrick,21,2,10,0,10,7,15,1,1,0,0,0,1.18,8,17,1.19,6.75,16.5,1.2,6.5,15,1.18,6.5,19,1.2,7.85,17.11,1.2,7,17,1.18,7.5,21,35,1.2,1.19,8,7.16,21,16,31,1.59,1.53,2.6,2.45,19,-2,2.02,1.97,1.94,1.9,1.21,7.55,17,,, 139 | E0,29/11/17,Everton,West Ham,4,0,H,2,0,H,M Oliver,8,7,5,3,16,6,2,6,2,1,0,0,2.37,3.29,3.29,2.3,3.3,3.2,2.2,3.35,3.3,2.25,3.25,3.1,2.33,3.38,3.39,2.3,3.3,3.3,2.38,3.3,3.4,35,2.4,2.31,3.4,3.27,3.4,3.25,30,2.1,2.02,1.88,1.79,19,-0.25,2.03,1.97,1.94,1.91,2.6,3.24,3.06,,, 140 | E0,29/11/17,Man City,Southampton,2,1,H,0,0,D,P Tierney,26,7,12,2,12,11,6,5,1,1,0,0,1.19,8,15,1.17,7.5,17,1.17,7.5,15,1.18,7,17,1.2,8.2,15.02,1.2,7,17,1.2,8,15,35,1.21,1.19,8.5,7.39,19,14.99,29,1.44,1.41,3.15,2.87,19,-2,1.94,1.88,2.06,1.98,1.25,6.7,13.57,,, 141 | E0,29/11/17,Stoke,Liverpool,0,3,A,0,1,A,M Atkinson,10,14,1,7,8,10,5,9,1,5,0,0,6.5,4.5,1.55,6,4.4,1.53,6.2,4,1.55,6,4.25,1.5,6.45,4.69,1.53,6,4.5,1.53,6.5,4.6,1.53,35,6.5,6.01,4.69,4.41,1.57,1.53,31,1.64,1.57,2.5,2.38,19,1,2.07,2.02,1.88,1.85,6.21,4.58,1.56,,, 142 | E0,02/12/17,Arsenal,Man United,1,3,A,0,2,A,A Marriner,33,8,15,4,11,10,12,1,3,2,0,1,2.5,3.39,3,2.45,3.25,3,2.5,3.2,2.95,2.37,3.3,2.9,2.44,3.42,3.14,2.5,3.2,3,2.45,3.4,3.1,35,2.52,2.44,3.5,3.31,3.2,2.99,31,2.01,1.93,1.95,1.89,20,-0.25,2.14,2.1,1.85,1.8,2.32,3.43,3.36,,, 143 | E0,02/12/17,Brighton,Liverpool,1,5,A,0,2,A,G Scott,6,12,2,6,8,7,2,2,1,0,0,0,7.5,4.5,1.5,6.25,4.5,1.5,6.5,4.2,1.5,7,4.2,1.5,7.58,4.55,1.5,6.5,4.5,1.5,7.5,4.5,1.5,35,7.58,6.92,4.55,4.34,1.54,1.49,30,1.85,1.77,2.12,2.05,20,1,2.13,2.09,1.84,1.8,7.25,4.39,1.53,,, 144 | E0,02/12/17,Chelsea,Newcastle,3,1,H,2,1,H,K Friend,23,8,9,2,8,13,11,4,0,1,0,0,1.25,6.5,15,1.25,6.25,11.5,1.25,6,11,1.25,5.5,13,1.26,6.45,14,1.25,6,13,1.25,6.25,15,34,1.27,1.25,6.55,6.04,15,12.95,33,1.66,1.61,2.42,2.32,18,-1.75,2.05,2,1.95,1.88,1.24,6.65,16.5,,, 145 | E0,02/12/17,Everton,Huddersfield,2,0,H,0,0,D,C Kavanagh,6,5,4,3,12,9,2,5,2,1,0,0,1.72,3.79,5.5,1.7,3.7,5.25,1.7,3.7,5,1.7,3.5,5.2,1.72,3.82,5.63,1.73,3.5,5.5,1.67,3.8,6,34,1.75,1.71,3.85,3.68,6,5.3,30,2.12,2.04,1.85,1.79,19,-0.75,1.95,1.91,2.03,1.97,1.86,3.52,5.01,,, 146 | E0,02/12/17,Leicester,Burnley,1,0,H,1,0,H,P Tierney,16,14,3,4,3,11,10,7,0,2,0,0,1.83,3.6,5,1.83,3.5,4.6,1.9,3.5,4.1,1.8,3.4,4.8,1.83,3.64,5.05,1.75,3.6,5,1.83,3.6,5,35,1.9,1.8,3.7,3.54,5.25,4.77,31,2.27,2.16,1.76,1.7,19,-0.75,2.15,2.08,1.84,1.81,2.1,3.27,4.2,,, 147 | E0,02/12/17,Stoke,Swansea,2,1,H,2,1,H,C Pawson,10,10,3,3,12,10,2,6,2,0,0,0,1.95,3.39,4.5,1.95,3.3,4.25,1.9,3.5,4.1,1.91,3.3,4.25,1.96,3.41,4.61,1.95,3.4,4.2,1.95,3.4,4.6,35,1.98,1.93,3.5,3.34,4.61,4.36,30,2.3,2.19,1.74,1.68,19,-0.5,1.96,1.93,1.99,1.96,1.81,3.68,5.13,,, 148 | E0,02/12/17,Watford,Tottenham,1,1,D,1,1,D,M Atkinson,6,8,2,2,16,8,7,2,4,1,0,1,5,4,1.72,4.75,3.9,1.72,4.5,3.6,1.8,4.75,3.9,1.67,5.14,4.18,1.7,5,3.8,1.73,5,4.1,1.73,35,5.3,4.9,4.2,3.93,1.8,1.7,30,1.75,1.69,2.26,2.18,19,0.75,2.02,1.99,1.94,1.89,5.26,4.44,1.65,,, 149 | E0,02/12/17,West Brom,Crystal Palace,0,0,D,0,0,D,M Oliver,20,10,6,2,11,10,3,7,3,1,0,0,2.5,3.2,3.2,2.5,3.1,3.1,2.5,3.1,3,2.4,3,3.1,2.52,3.17,3.25,2.5,3.1,3.1,2.5,3.2,3.2,35,2.57,2.47,3.2,3.1,3.35,3.12,33,2.51,2.39,1.62,1.57,20,-0.25,2.15,2.1,1.83,1.8,2.73,3.1,3.02,,, 150 | E0,03/12/17,Bournemouth,Southampton,1,1,D,1,0,H,J Moss,16,15,5,4,6,12,5,4,2,1,0,0,2.89,3.25,2.39,2.95,3.1,2.55,2.7,3.2,2.7,3,3.1,2.45,3.16,3.22,2.54,3,3.1,2.6,3.1,3.25,2.5,35,3.16,2.98,3.3,3.17,2.7,2.51,30,2.25,2.16,1.74,1.69,18,0.25,1.81,1.78,2.2,2.13,3.62,3.29,2.27,,, 151 | E0,03/12/17,Man City,West Ham,2,1,H,0,1,A,M Dean,24,7,8,4,5,7,10,4,2,2,0,0,1.08,11,21,1.1,10.5,21,1.12,9,20,1.09,11,29,1.12,13,19.5,1.11,10,23,1.07,12,26,35,1.13,1.1,13,10.73,29,22.34,28,1.25,1.24,4.33,3.88,19,-2.75,2,1.96,1.95,1.92,1.11,12.5,26,,, 152 | E0,09/12/17,Burnley,Watford,1,0,H,1,0,H,L Probert,8,11,5,2,10,12,3,5,1,0,0,1,2.6,3.25,3,2.45,3.2,3,2.4,3.2,3.05,2.5,3.1,3,2.62,3.26,3.03,2.5,3.2,2.88,2.6,3.2,3.1,38,2.63,2.53,3.3,3.18,3.1,2.98,32,2.38,2.27,1.69,1.64,23,-0.25,2.21,2.13,1.8,1.76,2.85,3.23,2.78,,, 153 | E0,09/12/17,Crystal Palace,Bournemouth,2,2,D,2,2,D,K Friend,24,11,8,5,14,14,6,3,5,2,0,0,2.04,3.5,4,2,3.4,3.9,2.1,3.3,3.6,2,3.25,3.8,2.04,3.47,4.16,1.91,3.4,4,2.1,3.5,3.7,38,2.1,2.01,3.53,3.41,4.16,3.89,32,2.13,2.08,1.81,1.75,23,-0.25,1.78,1.73,2.24,2.16,1.97,3.62,4.23,,, 154 | E0,09/12/17,Huddersfield,Brighton,2,0,H,2,0,H,S Attwell,19,7,6,2,6,10,8,1,0,0,0,0,2.7,3.1,3,2.55,3,3.1,2.6,3.2,2.8,2.55,2.9,3,2.69,3.02,3.15,2.62,2.9,3,2.7,3,3.13,38,2.73,2.63,3.2,2.97,3.2,3.04,34,3.01,2.78,1.47,1.43,23,-0.25,2.28,2.19,1.75,1.71,2.73,2.91,3.22,,, 155 | E0,09/12/17,Newcastle,Leicester,2,3,A,1,1,D,N Swarbrick,10,13,4,5,10,9,6,5,2,1,0,0,2.62,3.29,2.89,2.55,3.2,2.9,2.7,3.3,2.6,2.5,3.25,2.8,2.64,3.32,2.95,2.5,3.25,2.8,2.63,3.3,2.9,38,2.7,2.58,3.35,3.24,2.95,2.85,32,2.05,2,1.87,1.82,23,-0.25,2.28,2.19,1.77,1.71,2.61,3.27,3.02,,, 156 | E0,09/12/17,Swansea,West Brom,1,0,H,0,0,D,M Dean,18,7,3,1,8,18,6,3,2,5,0,0,2.7,3.1,3,2.6,3,3,2.6,3.1,2.85,2.6,2.9,2.9,2.74,3.04,3.08,2.6,3,2.9,2.7,3,3.1,38,2.75,2.65,3.1,2.99,3.15,2.99,34,2.8,2.63,1.53,1.48,23,-0.25,2.3,2.22,1.74,1.69,2.84,2.96,3.03,,, 157 | E0,09/12/17,Tottenham,Stoke,5,1,H,1,0,H,R East,20,4,11,3,12,9,12,6,1,0,0,0,1.28,6.5,11,1.26,6,11.5,1.3,5.5,9.5,1.28,5.5,11,1.3,6.24,10.68,1.25,6,11,1.29,6.25,11,38,1.31,1.28,6.5,5.93,12,10.61,33,1.57,1.51,2.65,2.54,23,-1.75,2.06,2,1.9,1.86,1.28,6.45,11.7,,, 158 | E0,09/12/17,West Ham,Chelsea,1,0,H,1,0,H,A Taylor,5,19,2,2,10,10,4,3,6,1,0,0,7.5,4.5,1.5,7.25,4.5,1.45,6.2,4,1.55,7,4.2,1.5,7.45,4.67,1.49,7,4,1.5,7.5,4.6,1.5,37,7.5,6.98,4.67,4.4,1.55,1.49,30,1.91,1.8,2.1,2.02,23,1,2.16,2.09,1.83,1.78,7.55,4.68,1.48,,, 159 | E0,10/12/17,Liverpool,Everton,1,1,D,1,0,H,C Pawson,23,3,3,2,8,11,12,1,1,3,0,0,1.3,6,11,1.3,5.5,10,1.4,5,7,1.28,5.5,11,1.29,6.28,11.6,1.3,5,10,1.29,6,10,37,1.4,1.29,6.29,5.77,12,10.37,30,1.52,1.48,2.8,2.62,23,-1.75,2.05,1.99,1.91,1.86,1.37,5.25,9.95,,, 160 | E0,10/12/17,Man United,Man City,1,2,A,1,1,D,M Oliver,8,14,5,7,16,10,2,8,4,2,0,0,3.39,3.5,2.25,3.3,3.6,2.15,3.15,3.3,2.3,3.2,3.4,2.15,3.44,3.56,2.23,3.3,3.4,2.15,3.3,3.5,2.25,38,3.5,3.32,3.6,3.45,2.3,2.2,33,1.9,1.83,2.04,1.98,23,0.25,2.01,1.94,1.98,1.92,3.42,3.57,2.23,,, 161 | E0,10/12/17,Southampton,Arsenal,1,1,D,1,0,H,R Madley,6,11,3,6,12,10,4,5,2,2,0,0,4,3.75,1.95,4,3.6,1.91,3.8,3.4,2,3.75,3.5,1.95,3.85,3.79,2.01,3.8,3.6,1.91,4,3.7,1.95,38,4.2,3.85,3.8,3.6,2.03,1.95,32,1.85,1.8,2.12,2.02,22,0.25,2.27,2.19,1.75,1.71,4.2,3.8,1.93,,, 162 | E0,12/12/17,Burnley,Stoke,1,0,H,0,0,D,M Jones,10,14,2,7,6,14,6,4,0,0,0,0,2.29,3.2,3.6,2.25,3.1,3.5,2.4,3.2,3.05,2.25,3.2,3.6,2.3,3.25,3.6,2.3,3.1,3.3,2.25,3.2,3.75,38,2.4,2.26,3.3,3.17,3.75,3.48,33,2.48,2.38,1.62,1.58,24,-0.25,1.96,1.91,2.01,1.95,2.4,3.23,3.4,,, 163 | E0,12/12/17,Crystal Palace,Watford,2,1,H,0,1,A,L Mason,14,7,4,2,14,18,4,6,2,1,0,1,2.29,3.5,3.25,2.25,3.4,3.25,2.4,3.1,3.15,2.3,3.5,3.2,2.29,3.51,3.34,2.25,3.5,3.25,2.3,3.5,3.3,38,2.4,2.26,3.6,3.45,3.35,3.21,33,1.91,1.84,2.05,1.98,24,-0.25,2,1.94,1.97,1.92,2.27,3.53,3.39,,, 164 | E0,12/12/17,Huddersfield,Chelsea,1,3,A,0,2,A,A Marriner,7,12,2,5,11,4,1,3,0,0,0,0,9,4.5,1.44,8.5,4.33,1.42,7.5,4.8,1.4,8.5,4.4,1.44,8.36,4.68,1.46,9,4.6,1.4,8.5,4.6,1.45,38,9,8.31,4.8,4.43,1.48,1.44,33,2.03,1.95,1.95,1.88,23,1.25,1.86,1.83,2.1,2.03,9.21,4.48,1.45,,, 165 | E0,13/12/17,Liverpool,West Brom,0,0,D,0,0,D,P Tierney,14,6,5,1,16,6,5,7,1,0,0,0,1.22,7,15,1.2,7,13.5,1.25,6,11,1.2,6.5,15,1.23,7.25,14.75,1.2,7,15,1.22,7,13,37,1.25,1.21,7.25,6.69,15.25,13.99,33,1.56,1.52,2.62,2.53,24,-2,2.12,2.05,1.85,1.81,1.21,7.8,15.75,,, 166 | E0,13/12/17,Man United,Bournemouth,1,0,H,1,0,H,G Scott,9,14,2,7,14,12,4,9,1,2,0,0,1.28,6,12,1.26,5.75,11.5,1.25,6,11,1.28,5.5,12,1.29,6.26,11.64,1.29,5.5,12,1.29,6,13,38,1.3,1.28,6.35,5.75,13,11.73,29,1.67,1.63,2.39,2.27,22,-1.75,2.12,2.05,1.85,1.8,1.3,6.2,11.05,,, 167 | E0,13/12/17,Newcastle,Everton,0,1,A,0,1,A,M Atkinson,16,7,4,4,10,11,4,1,1,2,1,0,2.39,3.29,3.25,2.35,3.2,3.25,2.6,3.3,2.7,2.35,3.2,3.1,2.41,3.29,3.32,2.4,3.2,3.2,2.4,3.4,3.2,38,2.6,2.38,3.4,3.25,3.35,3.17,33,2.2,2.11,1.8,1.73,24,-0.25,2.08,2.02,1.88,1.84,2.19,3.32,3.81,,, 168 | E0,13/12/17,Southampton,Leicester,1,4,A,0,3,A,C Kavanagh,12,16,4,11,13,9,9,9,1,0,0,0,2.1,3.39,3.89,2.05,3.4,3.7,2.05,3.35,3.7,2.05,3.3,3.7,2.1,3.45,3.95,2.05,3.4,3.8,2.1,3.4,3.9,38,2.12,2.06,3.5,3.39,4.18,3.78,33,2.11,2.04,1.85,1.79,23,-0.25,1.82,1.77,2.17,2.1,1.94,3.49,4.56,,, 169 | E0,13/12/17,Swansea,Man City,0,4,A,0,2,A,A Taylor,7,23,3,10,12,6,2,5,0,0,0,0,15,6.5,1.25,13,6.5,1.22,11,6,1.25,13,6,1.22,13.5,6.85,1.25,13,6,1.25,15,6.5,1.25,38,15,13.07,7,6.23,1.27,1.24,33,1.55,1.49,2.75,2.6,23,2,1.8,1.72,2.26,2.15,13,7.15,1.24,,, 170 | E0,13/12/17,Tottenham,Brighton,2,0,H,1,0,H,R Madley,25,7,8,4,5,10,10,2,1,1,0,0,1.25,6.5,15,1.25,6,12.5,1.27,6,10,1.22,5.8,13,1.25,6.8,13.55,1.25,6,13,1.25,6.5,15,38,1.27,1.24,6.8,6.18,16,13.29,33,1.68,1.62,2.4,2.29,23,-1.75,1.95,1.89,2.02,1.97,1.22,7.2,16.5,,, 171 | E0,13/12/17,West Ham,Arsenal,0,0,D,0,0,D,J Moss,6,22,0,3,9,9,1,7,1,0,0,0,5.25,4.2,1.66,5.25,4.2,1.62,5,4,1.65,5.2,4,1.61,5.36,4.44,1.65,5.5,4,1.65,5.4,4.3,1.65,38,5.5,5.26,4.45,4.15,1.67,1.64,32,1.72,1.66,2.3,2.21,23,0.75,2.14,2.07,1.83,1.79,5.45,4.26,1.66,,, 172 | E0,16/12/17,Arsenal,Newcastle,1,0,H,1,0,H,S Attwell,23,10,5,2,13,9,7,5,2,1,0,0,1.25,6.5,14,1.26,5.75,12,1.25,6,11,1.25,6,13,1.27,6.8,11.75,1.25,6,13,1.25,6.5,15,35,1.29,1.25,6.8,6.15,15,12.08,30,1.5,1.46,2.89,2.71,20,-1.75,1.97,1.9,2.02,1.96,1.26,6.9,12.45,,, 173 | E0,16/12/17,Brighton,Burnley,0,0,D,0,0,D,C Kavanagh,12,11,2,6,13,13,8,2,4,2,0,0,2.62,3,3.2,2.55,2.9,3.2,2.65,3.3,2.65,2.45,2.9,3.1,2.62,2.95,3.34,2.62,2.9,3.2,2.55,3,3.3,35,2.7,2.56,3.3,2.93,3.4,3.2,31,3,2.8,1.48,1.44,21,-0.25,2.2,2.13,1.81,1.77,2.5,2.89,3.64,,, 174 | E0,16/12/17,Chelsea,Southampton,1,0,H,1,0,H,R East,24,6,8,2,8,16,8,4,1,3,0,0,1.39,5,9,1.36,5,8.5,1.4,4.8,7.5,1.4,4.6,8.5,1.41,5.1,8.78,1.36,5,9,1.36,5,10,35,1.42,1.38,5.2,4.86,10,8.55,33,1.76,1.72,2.2,2.13,20,-1.25,1.93,1.87,2.05,1.99,1.4,5.09,9,,, 175 | E0,16/12/17,Leicester,Crystal Palace,0,3,A,0,2,A,M Atkinson,11,13,2,6,12,13,6,4,2,2,1,0,1.89,3.6,4.5,1.87,3.6,4.25,1.85,3.5,4.3,1.83,3.5,4.2,1.88,3.7,4.55,1.91,3.5,4.33,1.87,3.7,4.5,35,1.92,1.88,3.7,3.57,4.55,4.34,34,1.99,1.92,1.99,1.91,19,-0.75,2.2,2.12,1.82,1.76,1.77,3.85,5.1,,, 176 | E0,16/12/17,Man City,Tottenham,4,1,H,1,0,H,C Pawson,20,7,11,2,13,20,5,1,2,4,0,0,1.55,4.59,6,1.5,4.6,6,1.5,4.2,6.5,1.53,4.25,5.75,1.57,4.6,6,1.53,4.5,6,1.55,4.6,6.25,35,1.59,1.54,4.75,4.45,6.5,5.8,31,1.58,1.54,2.6,2.48,21,-1,1.96,1.89,2.02,1.97,1.64,4.41,5.41,,, 177 | E0,16/12/17,Stoke,West Ham,0,3,A,0,1,A,G Scott,17,14,0,7,12,13,7,9,2,1,0,0,2.29,3.29,3.5,2.2,3.3,3.4,2.2,3.3,3.4,2.2,3.2,3.3,2.31,3.35,3.46,2.3,3.3,3.3,2.3,3.3,3.4,35,2.33,2.26,3.4,3.28,3.55,3.38,33,2.15,2.08,1.8,1.75,21,-0.25,2,1.94,1.98,1.93,2.46,3.26,3.26,,, 178 | E0,16/12/17,Watford,Huddersfield,1,4,A,0,2,A,M Oliver,13,15,3,9,12,17,8,7,2,1,1,1,1.8,3.75,5,1.72,3.7,5,1.75,3.7,4.7,1.75,3.5,4.75,1.79,3.78,5.08,1.8,3.5,5,1.75,3.8,5.25,35,1.81,1.76,3.85,3.67,5.25,4.87,33,2.1,2.03,1.85,1.8,20,-0.75,2.04,1.98,1.95,1.88,1.73,3.83,5.5,,, 179 | E0,17/12/17,Bournemouth,Liverpool,0,4,A,0,3,A,A Marriner,6,21,2,7,5,10,2,3,1,1,0,0,6.5,4.5,1.53,6.25,4.6,1.48,6.2,4,1.55,6,4.33,1.5,6.65,4.81,1.51,6,4.5,1.53,6.5,4.6,1.5,35,6.65,6.27,4.81,4.52,1.55,1.5,32,1.61,1.57,2.56,2.41,21,1,2.13,2.08,1.84,1.8,7.35,5.25,1.44,,, 180 | E0,17/12/17,West Brom,Man United,1,2,A,0,2,A,A Taylor,12,8,5,3,14,7,6,3,1,3,0,0,6.5,4,1.6,6,4,1.57,6.2,4,1.55,6,3.7,1.6,6.35,4.09,1.62,6.5,3.8,1.62,6.5,4,1.6,35,6.5,6.11,4.1,3.9,1.64,1.6,33,2.15,2.07,1.81,1.76,19,0.75,2.2,2.12,1.81,1.77,6,3.75,1.7,,, 181 | E0,18/12/17,Everton,Swansea,3,1,H,1,1,D,J Moss,12,8,7,3,12,12,6,3,2,3,0,0,1.72,3.75,5.5,1.67,3.7,5.5,1.7,3.7,5,1.73,3.4,5.25,1.78,3.64,5.48,1.73,3.6,5.5,1.75,3.6,5.5,34,1.78,1.72,3.75,3.61,5.8,5.3,32,2.38,2.25,1.7,1.64,19,-0.75,2.06,1.98,1.95,1.89,1.8,3.52,5.53,,, 182 | E0,22/12/17,Arsenal,Liverpool,3,3,D,0,1,A,M Atkinson,11,14,4,9,9,11,7,8,1,0,0,0,2.54,3.6,2.79,2.4,3.6,2.8,2.4,3.3,2.95,2.45,3.75,2.75,2.51,3.71,2.84,2.45,3.6,2.8,2.5,3.75,2.8,36,2.6,2.47,3.76,3.61,2.95,2.8,31,1.57,1.5,2.71,2.57,19,-0.25,2.2,2.13,1.82,1.76,2.68,3.69,2.66,,, 183 | E0,23/12/17,Brighton,Watford,1,0,H,0,0,D,P Tierney,14,13,3,1,8,11,6,4,0,0,0,0,2.62,3.2,3,2.55,3.1,3,2.6,3.05,2.9,2.55,3.1,2.87,2.67,3.2,3,2.62,3.1,3,2.7,3.2,2.9,35,2.7,2.6,3.3,3.14,3.1,2.93,33,2.31,2.23,1.71,1.66,19,-0.25,2.29,2.22,1.73,1.7,2.71,3.2,2.95,,, 184 | E0,23/12/17,Burnley,Tottenham,0,3,A,0,1,A,M Oliver,5,18,2,8,10,10,4,4,1,2,0,0,7,4.2,1.55,7,4.1,1.5,5.3,3.8,1.65,7,4,1.5,7.05,4.35,1.54,7,3.8,1.57,7,4.2,1.55,35,7.25,6.73,4.35,4.08,1.65,1.53,33,2.11,2.03,1.87,1.79,21,1,2.01,1.96,1.95,1.91,6.8,4.29,1.56,,, 185 | E0,23/12/17,Everton,Chelsea,0,0,D,0,0,D,R Madley,5,25,0,8,8,4,2,7,3,0,0,0,6,3.89,1.66,6,3.75,1.62,4.8,3.9,1.7,5.75,3.7,1.61,5.96,3.98,1.67,5.5,3.8,1.67,6.25,3.9,1.65,35,6.25,5.68,4,3.83,1.7,1.65,34,2.15,2.05,1.85,1.78,20,0.75,2.11,2.04,1.87,1.83,7.16,4.13,1.56,,, 186 | E0,23/12/17,Leicester,Man United,2,2,D,1,1,D,J Moss,11,19,3,6,19,8,4,6,2,2,1,0,4.5,3.6,1.9,4.33,3.5,1.87,4.4,3.7,1.8,4.2,3.5,1.87,4.4,3.71,1.91,4.33,3.5,1.91,4.75,3.7,1.83,35,4.75,4.29,3.8,3.6,1.95,1.87,33,2.02,1.93,1.93,1.89,19,0.75,1.83,1.76,2.19,2.12,4.27,3.67,1.95,,, 187 | E0,23/12/17,Man City,Bournemouth,4,0,H,1,0,H,M Jones,14,5,5,1,8,7,4,6,0,1,0,0,1.12,11,23,1.1,10.5,23,1.12,9,20,1.09,11,26,1.11,12.57,23.05,1.1,11,26,1.07,11.5,23,35,1.13,1.1,12.7,10.56,31,23.69,29,1.25,1.23,4.42,4.07,20,-2.75,2.01,1.93,1.99,1.94,1.09,15,27,,, 188 | E0,23/12/17,Southampton,Huddersfield,1,1,D,1,0,H,L Probert,12,10,6,3,16,9,9,1,2,1,0,0,1.61,3.89,6.5,1.6,3.8,6.25,1.65,3.8,5.3,1.57,3.75,6.5,1.59,4.03,7,1.62,3.75,6.5,1.6,4,7,35,1.65,1.6,4.1,3.88,7,6.26,33,2.15,2.07,1.82,1.76,21,-1,2.11,2.04,1.86,1.83,1.67,3.9,6.1,,, 189 | E0,23/12/17,Stoke,West Brom,3,1,H,2,0,H,N Swarbrick,9,17,5,7,9,11,1,11,1,0,0,0,2.29,3.25,3.5,2.25,3.25,3.4,2.25,3.35,3.2,2.25,3.1,3.4,2.34,3.21,3.55,2.3,3.1,3.5,2.38,3.2,3.5,35,2.38,2.29,3.35,3.18,3.6,3.41,33,2.45,2.34,1.65,1.6,20,-0.25,2.01,1.95,1.95,1.92,2.37,3.17,3.53,,, 190 | E0,23/12/17,Swansea,Crystal Palace,1,1,D,0,0,D,C Pawson,7,13,2,5,13,11,6,3,2,3,0,0,3.29,3.2,2.45,3.2,3.1,2.4,3,3.1,2.5,3.2,3.1,2.35,3.34,3.27,2.41,3.3,3.1,2.4,3.4,3.2,2.4,35,3.4,3.24,3.27,3.13,2.5,2.4,31,2.5,2.37,1.65,1.58,20,0.25,1.89,1.84,2.08,2.03,3.4,3.32,2.35,,, 191 | E0,23/12/17,West Ham,Newcastle,2,3,A,1,1,D,L Mason,19,11,6,4,9,12,6,3,1,1,0,0,2.1,3.39,3.89,2.1,3.3,3.7,1.9,3.5,4.1,2.1,3.2,3.7,2.13,3.43,3.86,2.15,3.2,3.8,2.1,3.4,3.9,35,2.2,2.11,3.5,3.31,4.1,3.73,33,2.25,2.15,1.76,1.71,20,-0.25,1.85,1.8,2.14,2.08,1.97,3.48,4.43,,, 192 | E0,26/12/17,Bournemouth,West Ham,3,3,D,1,1,D,S Attwell,26,10,10,5,12,14,7,4,3,4,0,0,2.79,3.29,2.75,2.75,3.2,2.65,2.6,3.3,2.7,2.7,3.1,2.65,2.8,3.25,2.81,2.8,3.3,2.62,2.75,3.3,2.8,36,2.85,2.74,3.35,3.23,2.85,2.7,34,2.2,2.11,1.8,1.74,19,0.25,1.7,1.65,2.38,2.3,2.56,3.22,3.13,,, 193 | E0,26/12/17,Chelsea,Brighton,2,0,H,0,0,D,M Dean,25,8,8,1,8,8,13,1,0,1,0,0,1.19,7.5,17,1.18,7,17,1.2,6.5,15,1.2,6.5,17,1.21,7.25,17.45,1.2,7,15,1.2,7,20,36,1.23,1.2,7.51,6.9,20,16.27,34,1.75,1.66,2.38,2.22,21,-2,2.12,2.08,1.85,1.81,1.17,8.4,21.5,,, 194 | E0,26/12/17,Huddersfield,Stoke,1,1,D,1,0,H,A Taylor,18,15,8,7,9,12,8,5,2,4,0,0,2.5,3.2,3.2,2.5,3.1,3.1,2.4,3.3,2.95,2.45,3.1,3,2.51,3.27,3.17,2.5,3.1,3.1,2.5,3.2,3.13,36,2.57,2.49,3.3,3.15,3.25,3.07,34,2.4,2.3,1.67,1.62,21,-0.25,2.16,2.1,1.83,1.8,2.35,3.23,3.51,,, 195 | E0,26/12/17,Liverpool,Swansea,5,0,H,1,0,H,K Friend,22,7,9,4,5,8,4,2,0,1,0,0,1.16,9,19,1.15,8,18.5,1.2,6.5,15,1.14,8,21,1.16,9.12,21.04,1.17,8,17,1.17,8.5,20,36,1.2,1.16,9.12,8.14,23,17.92,30,1.45,1.4,3.1,2.92,20,-2.25,2.02,1.97,1.95,1.9,1.14,10.5,21,,, 196 | E0,26/12/17,Man United,Burnley,2,2,D,0,2,A,M Atkinson,23,3,6,2,10,14,12,2,3,7,0,0,1.25,6.5,15,1.25,5.75,13,1.25,6,11,1.22,5.75,15,1.24,6.67,15.84,1.25,6,13,1.25,6.5,13,36,1.3,1.24,6.75,6.01,17,13.97,34,1.85,1.75,2.17,2.09,20,-1.75,2.03,1.98,1.93,1.89,1.26,6.3,14.5,,, 197 | E0,26/12/17,Tottenham,Southampton,5,2,H,2,0,H,G Scott,16,16,7,6,8,15,3,8,0,2,0,0,1.36,5.25,10,1.36,5,8.5,1.4,4.8,7.5,1.36,4.8,9,1.38,5.43,8.97,1.33,5,11,1.36,5.25,10,36,1.42,1.36,5.55,5.07,11,9.24,34,1.75,1.69,2.28,2.18,20,-1.5,2.11,2.06,1.85,1.82,1.33,5.8,10.2,,, 198 | E0,26/12/17,Watford,Leicester,2,1,H,1,1,D,C Kavanagh,11,11,1,5,7,13,8,8,3,3,0,0,2.54,3.5,2.87,2.5,3.5,2.75,2.5,3.3,2.85,2.5,3.4,2.7,2.57,3.47,2.92,2.5,3.4,2.88,2.6,3.5,2.8,36,2.62,2.5,3.6,3.42,2.95,2.82,34,1.82,1.76,2.16,2.08,20,-0.25,2.25,2.17,1.77,1.73,2.7,3.46,2.78,,, 199 | E0,26/12/17,West Brom,Everton,0,0,D,0,0,D,R East,17,7,3,3,14,13,10,2,2,0,0,0,2.54,3.2,3.1,2.4,3.1,3.2,2.6,3.25,2.75,2.4,3,3.1,2.47,3.22,3.28,2.5,3.2,3,2.55,3.13,3.2,36,2.6,2.47,3.25,3.12,3.35,3.13,32,2.65,2.49,1.6,1.54,21,-0.25,2.14,2.09,1.85,1.8,2.25,3.16,3.85,,, 200 | E0,27/12/17,Newcastle,Man City,0,1,A,0,1,A,A Marriner,6,22,2,6,11,6,3,8,1,0,0,0,13,6.75,1.25,13,6.5,1.22,8.5,6,1.3,13,6.5,1.22,12.6,6.95,1.26,13,6,1.25,15,7,1.22,36,15,12.97,7.25,6.41,1.3,1.23,31,1.48,1.44,3,2.76,17,2,1.87,1.83,2.11,2.05,13,7.25,1.24,,, 201 | E0,28/12/17,Crystal Palace,Arsenal,2,3,A,0,1,A,M Oliver,16,16,2,9,12,7,5,4,0,1,0,0,4.5,4,1.8,4.5,3.8,1.78,4.8,3.6,1.75,4.25,3.8,1.75,4.54,4,1.8,4.8,3.8,1.75,4.5,4,1.8,36,4.8,4.47,4.15,3.88,1.85,1.77,32,1.67,1.62,2.38,2.29,20,0.75,1.95,1.88,2.05,1.99,4.82,4.33,1.72,,, 202 | E0,30/12/17,Bournemouth,Everton,2,1,H,1,0,H,L Probert,19,6,7,1,8,13,4,4,0,0,0,0,2.37,3.29,3.29,2.35,3.2,3.2,2.45,3.3,2.9,2.3,3.2,3.2,2.33,3.38,3.39,2.4,3.2,3,2.38,3.3,3.3,36,2.45,2.35,3.4,3.26,3.47,3.19,34,2.25,2.11,1.8,1.73,21,-0.25,2.05,1.99,1.94,1.88,2.36,3.13,3.6,,, 203 | E0,30/12/17,Chelsea,Stoke,5,0,H,3,0,H,K Friend,21,1,12,1,5,10,7,0,1,1,0,0,1.16,8.5,19,1.16,7.5,18.5,1.22,6.5,13,1.17,7,17,1.18,8.01,20.06,1.17,7,17,1.18,7.5,17,36,1.22,1.17,8.5,7.45,21,17.16,31,1.5,1.46,2.85,2.79,21,-2,1.91,1.84,2.08,2.02,1.15,9.75,21,,, 204 | E0,30/12/17,Huddersfield,Burnley,0,0,D,0,0,D,P Tierney,3,11,1,4,14,14,5,4,2,1,0,0,2.37,3.1,3.5,2.3,3.1,3.4,2.6,3.1,2.9,2.3,2.9,3.4,2.32,3.16,3.67,2.38,2.9,3.4,2.4,3,3.6,36,2.6,2.35,3.2,3.05,3.67,3.42,32,2.86,2.72,1.5,1.45,21,-0.25,2.02,1.96,1.95,1.9,2.44,3.03,3.58,,, 205 | E0,30/12/17,Liverpool,Leicester,2,1,H,0,1,A,N Swarbrick,17,7,6,1,7,3,7,1,3,2,0,0,1.3,6,11,1.28,6,9.5,1.35,5.3,8,1.3,5.5,9.5,1.32,6.27,9.97,1.3,5.5,9,1.3,6,11,36,1.35,1.3,6.27,5.8,11,9.48,30,1.43,1.4,3.2,2.93,20,-1.75,2.11,2.03,1.87,1.83,1.27,7.1,11,,, 206 | E0,30/12/17,Man United,Southampton,0,0,D,0,0,D,C Pawson,15,8,3,3,12,13,10,7,2,4,0,0,1.36,5.5,9,1.34,5.25,9,1.4,4.8,7.5,1.36,4.75,9,1.36,5.35,10.1,1.36,4.8,8,1.36,5.2,10,36,1.4,1.36,5.5,5.01,11,9.21,34,1.81,1.75,2.15,2.09,20,-1.25,1.87,1.81,2.12,2.06,1.36,5.3,10.5,,, 207 | E0,30/12/17,Newcastle,Brighton,0,0,D,0,0,D,A Taylor,11,10,2,3,11,10,3,6,2,2,0,0,2.14,3.2,4,2.1,3.2,3.8,2.2,3.35,3.3,2.1,3.1,3.8,2.15,3.22,4.1,2.15,3.2,3.6,2.15,3.25,4,35,2.2,2.12,3.35,3.19,4.1,3.82,31,2.58,2.45,1.6,1.55,18,-0.25,1.84,1.8,2.13,2.08,2.16,3.22,4.05,,, 208 | E0,30/12/17,Watford,Swansea,1,2,A,1,0,H,M Atkinson,9,9,4,4,14,13,1,8,4,2,0,0,1.66,3.79,6,1.67,3.7,5.5,1.75,3.6,4.8,1.67,3.6,5.25,1.7,3.85,5.81,1.7,3.6,5,1.7,3.8,5.75,36,1.75,1.69,3.9,3.69,6,5.39,34,2.14,2.06,1.83,1.77,20,-0.75,1.96,1.9,2.01,1.96,1.85,3.57,5.01,,, 209 | E0,31/12/17,Crystal Palace,Man City,0,0,D,0,0,D,J Moss,10,15,1,4,14,11,7,8,5,4,0,0,11,6.5,1.28,11.5,6.25,1.25,9.5,5.5,1.3,11,5.8,1.25,12.96,6.73,1.26,11,6,1.25,12,6.5,1.25,36,13,11.16,6.75,6.18,1.3,1.26,30,1.47,1.4,3,2.87,20,2,1.73,1.69,2.35,2.22,10.85,5.8,1.32,,, 210 | E0,31/12/17,West Brom,Arsenal,1,1,D,0,0,D,M Dean,14,14,3,4,14,9,5,6,3,3,0,0,5,4,1.72,4.6,3.9,1.75,4.8,3.6,1.75,4.75,3.75,1.7,5.39,4.06,1.7,4.5,3.75,1.73,5.25,4,1.7,36,5.39,4.83,4.1,3.85,1.78,1.72,35,1.88,1.82,2.07,2,20,0.75,2.04,1.96,1.95,1.9,5.7,4.19,1.65,,, 211 | E0,01/01/18,Brighton,Bournemouth,2,2,D,1,1,D,M Oliver,15,26,6,8,13,9,5,12,2,1,0,0,2.37,3.2,3.39,2.35,3.1,3.3,2.3,3.15,3.3,2.35,3,3.25,2.46,3.11,3.44,2.4,3.1,3.3,2.45,3.13,3.4,35,2.55,2.39,3.2,3.1,3.5,3.29,32,2.62,2.46,1.6,1.55,19,-0.25,2.08,2.03,1.88,1.85,2.47,3.05,3.48,,, 212 | E0,01/01/18,Burnley,Liverpool,1,2,A,0,0,D,R East,13,19,4,5,4,12,3,9,0,0,0,0,7.5,4.5,1.5,7.25,4.4,1.45,6.2,4,1.55,6.5,4.2,1.5,7.31,4.45,1.52,7,4.33,1.5,7.5,4.4,1.5,35,7.6,6.96,4.6,4.31,1.55,1.5,34,1.85,1.8,2.08,2.02,20,1,2.08,2.04,1.87,1.82,6.6,3.8,1.65,,, 213 | E0,01/01/18,Everton,Man United,0,2,A,0,0,D,A Marriner,12,21,0,6,11,10,6,6,2,0,0,0,5.5,3.5,1.8,5.25,3.5,1.75,4.4,3.7,1.8,5,3.4,1.75,5.49,3.59,1.79,5.5,3.4,1.75,5.4,3.5,1.8,35,5.5,5.17,3.8,3.49,1.85,1.78,33,2.44,2.29,1.7,1.63,19,0.75,1.88,1.85,2.07,2.02,5.6,3.89,1.71,,, 214 | E0,01/01/18,Leicester,Huddersfield,3,0,H,0,0,D,G Scott,11,6,5,1,7,9,4,1,1,1,0,0,1.66,3.79,6,1.62,3.9,5.75,1.7,3.9,4.8,1.61,3.7,5.5,1.65,4.08,6.01,1.67,3.75,5.5,1.67,3.9,5,35,1.7,1.65,4.08,3.85,6.25,5.63,34,2.07,2,1.91,1.82,19,-0.75,1.86,1.82,2.14,2.06,1.83,3.52,5.23,,, 215 | E0,01/01/18,Stoke,Newcastle,0,1,A,0,0,D,C Kavanagh,11,14,4,6,10,11,10,5,3,1,0,0,2.29,3.29,3.5,2.2,3.3,3.4,2.2,3.35,3.3,2.3,3.2,3.2,2.36,3.26,3.44,2.3,3.2,3.4,2.38,3.3,3.3,35,2.41,2.3,3.45,3.28,3.5,3.28,33,2.14,2.07,1.85,1.77,20,-0.25,2.02,1.97,1.96,1.9,2.31,3.28,3.54,,, 216 | E0,02/01/18,Man City,Watford,3,1,H,2,0,H,L Mason,17,7,7,4,8,12,9,1,1,1,0,0,1.12,8.5,19,1.16,8,16.5,1.12,9,20,1.17,7.5,19,1.18,8.7,16.95,1.15,8,19,1.15,8.5,21,35,1.21,1.16,9.55,8.1,25.7,17.55,28,1.37,1.33,3.75,3.29,20,-2,1.8,1.74,2.25,2.16,1.13,10.8,21.5,,, 217 | E0,02/01/18,Southampton,Crystal Palace,1,2,A,1,0,H,S Attwell,10,11,3,4,8,11,4,7,0,1,0,0,1.9,3.39,4,1.91,3.5,4.1,2.1,3.4,3.5,1.91,3.4,4.2,2.05,3.43,4.16,1.95,3.4,4.2,2,3.5,4,35,2.1,1.98,3.6,3.42,4.4,3.99,33,2.13,2.02,1.86,1.8,18,-0.75,2.4,2.28,1.71,1.66,2.07,3.37,4.16,,, 218 | E0,02/01/18,Swansea,Tottenham,0,2,A,0,1,A,R Madley,8,12,1,5,12,9,6,5,2,2,0,0,12,4.75,1.3,10.5,5.5,1.3,8.7,5.3,1.33,10,4.8,1.33,10.54,5.51,1.34,11,5.5,1.3,11,5.25,1.33,35,12.5,10.32,5.55,5.22,1.37,1.32,33,1.83,1.75,2.2,2.08,19,1.5,1.95,1.89,2.05,1.99,8.02,4.51,1.48,,, 219 | E0,02/01/18,West Ham,West Brom,2,1,H,0,1,A,M Jones,13,10,5,3,12,12,3,4,3,2,0,0,1.9,3.39,4.09,1.9,3.4,4.33,2.1,3.4,3.5,1.91,3.2,4.33,1.98,3.41,4.51,1.95,3.3,4.33,1.95,3.4,4.5,35,2.1,1.94,3.5,3.33,4.6,4.24,29,2.45,2.36,1.65,1.59,17,-0.5,2.01,1.95,1.98,1.93,2.19,3.21,3.98,,, 220 | E0,03/01/18,Arsenal,Chelsea,2,2,D,0,0,D,A Taylor,14,19,6,6,11,11,10,8,3,2,0,0,2.6,3.39,2.6,2.7,3.4,2.6,2.6,3.3,2.75,2.62,3.5,2.5,2.8,3.51,2.64,2.7,3.3,2.7,2.75,3.5,2.63,35,2.8,2.68,3.65,3.4,2.8,2.62,30,1.7,1.65,2.35,2.24,18,-0.25,2.4,2.29,1.74,1.66,3.32,3.42,2.34,,, 221 | E0,04/01/18,Tottenham,West Ham,1,1,D,0,0,D,M Dean,31,3,8,1,10,6,7,1,0,2,0,0,1.25,6,10,1.25,5.75,10.5,1.35,5.3,8,1.28,5.5,11,1.26,6.25,12.7,1.29,6,10,1.29,6,12,32,1.35,1.28,6.5,5.86,13,10.66,27,1.61,1.55,2.55,2.43,16,-1.75,2.13,2.05,1.85,1.81,1.29,6.1,12.2,,, 222 | E0,13/01/18,Chelsea,Leicester,0,0,D,0,0,D,M Jones,17,14,7,1,14,13,6,3,2,2,0,1,1.3,5.75,12,1.26,5.75,11.5,1.33,5.5,8.5,1.28,5.5,11,1.3,5.95,11.85,1.3,5.5,11,1.29,6,12,37,1.33,1.29,6.15,5.65,12,10.82,32,1.59,1.55,2.57,2.44,20,-1.5,1.88,1.83,2.09,2.04,1.3,5.72,13,,, 223 | E0,13/01/18,Crystal Palace,Burnley,1,0,H,1,0,H,M Oliver,17,8,2,2,16,10,3,2,0,3,0,0,2,3.29,4.5,2,3.2,4.2,2,3.3,4,2,3.2,4,2.02,3.3,4.51,2.05,3.1,4.33,2,3.3,4.4,36,2.07,2.01,3.35,3.25,4.51,4.18,33,2.5,2.38,1.63,1.59,20,-0.25,1.75,1.71,2.27,2.21,2.18,3.22,3.98,,, 224 | E0,13/01/18,Huddersfield,West Ham,1,4,A,1,1,D,J Moss,8,8,2,6,7,9,7,3,1,1,0,0,2.62,3.1,3.1,2.6,3,3,2.6,3.25,2.75,2.6,3,2.87,2.67,3.14,3.06,2.7,3,3,2.75,3.1,3,37,2.75,2.64,3.25,3.05,3.1,2.96,32,2.6,2.48,1.6,1.54,20,-0.25,2.32,2.22,1.73,1.7,2.94,3.11,2.79,,, 225 | E0,13/01/18,Newcastle,Swansea,1,1,D,0,0,D,G Scott,12,8,4,5,11,10,4,5,0,3,0,0,1.95,3.39,4.5,1.9,3.25,4.6,1.9,3.5,4.1,1.95,3.2,4.25,1.99,3.38,4.5,1.95,3.3,4.5,1.95,3.4,4.6,36,2,1.94,3.5,3.31,4.75,4.38,33,2.45,2.35,1.65,1.6,19,-0.75,2.34,2.24,1.73,1.68,1.76,3.75,5.4,,, 226 | E0,13/01/18,Tottenham,Everton,4,0,H,1,0,H,C Pawson,20,7,10,0,11,15,3,3,0,2,0,0,1.28,6,13,1.25,6,12.5,1.33,5.3,8.7,1.28,5.25,12,1.28,6.02,13.69,1.29,5.5,12,1.29,6,13,36,1.33,1.28,6.4,5.67,14,12.11,33,1.75,1.7,2.25,2.17,20,-1.5,1.9,1.85,2.07,2.02,1.28,6.12,12.61,,, 227 | E0,13/01/18,Watford,Southampton,2,2,D,0,2,A,R East,16,10,4,4,11,13,5,4,0,5,0,0,2.5,3.39,3,2.4,3.3,3,2.4,3.3,2.95,2.45,3.25,2.87,2.5,3.48,3.01,2.5,3.25,3,2.55,3.4,3,36,2.55,2.46,3.5,3.33,3.08,2.94,34,2,1.94,1.92,1.88,19,-0.25,2.19,2.11,1.82,1.77,2.79,3.35,2.75,,, 228 | E0,13/01/18,West Brom,Brighton,2,0,H,1,0,H,M Atkinson,15,13,4,1,8,15,9,6,0,0,0,0,2.14,3,4.33,2.1,3,4.1,2.1,3.2,3.8,2.1,3,4,2.16,3.08,4.31,2.05,3,4.2,2.15,3.1,4.33,36,2.2,2.12,3.2,3,4.5,4.14,33,3.14,2.91,1.45,1.4,20,-0.25,1.82,1.78,2.16,2.11,2.17,3.14,4.15,,, 229 | E0,14/01/18,Bournemouth,Arsenal,2,1,H,0,0,D,K Friend,13,12,5,3,8,10,4,5,2,2,0,0,4.75,4.2,1.75,4.75,3.9,1.72,4.8,3.9,1.7,4.33,4,1.73,4.63,4.22,1.76,4.5,4,1.75,4.6,4.2,1.75,36,4.8,4.49,4.28,4.02,1.8,1.73,30,1.55,1.51,2.62,2.54,19,0.75,1.98,1.93,1.99,1.93,3.81,3.61,2.08,,, 230 | E0,14/01/18,Liverpool,Man City,4,3,H,1,1,D,A Marriner,16,11,7,4,10,7,5,6,2,3,0,0,3.1,3.75,2.29,3.1,3.6,2.2,3,3.5,2.3,2.9,3.6,2.25,3.07,3.75,2.34,3.1,3.5,2.3,2.88,3.6,2.25,36,3.2,3.03,3.79,3.6,2.37,2.27,32,1.56,1.52,2.75,2.51,19,0.25,1.9,1.87,2.06,1.99,3.22,3.62,2.31,,, 231 | E0,15/01/18,Man United,Stoke,3,0,H,2,0,H,A Taylor,20,11,9,5,14,10,6,1,2,1,0,0,1.22,7,15,1.22,7,11.5,1.25,6,11,1.22,6,15,1.23,7.22,15.23,1.22,6.5,15,1.22,7,15,34,1.25,1.22,7.25,6.58,15.72,13.77,29,1.55,1.5,2.67,2.56,19,-1.75,1.88,1.84,2.1,2.03,1.22,7.2,15.8,,, 232 | E0,20/01/18,Arsenal,Crystal Palace,4,1,H,4,0,H,C Kavanagh,16,9,10,5,6,8,5,10,0,0,0,0,1.5,4.75,7,1.5,4.4,6.25,1.5,4.2,6.5,1.5,4.33,6.5,1.49,4.73,7.19,1.5,4.33,7,1.5,4.6,7,37,1.52,1.5,4.75,4.46,7.2,6.55,33,1.64,1.59,2.45,2.36,21,-1,1.85,1.8,2.12,2.08,1.44,4.97,7.85,,, 233 | E0,20/01/18,Brighton,Chelsea,0,4,A,0,2,A,J Moss,10,14,3,10,12,5,5,3,3,0,0,0,6.5,3.89,1.61,6,3.8,1.6,5.7,3.9,1.6,6,3.6,1.6,6.33,3.9,1.65,6.5,3.75,1.62,6.5,3.9,1.62,37,6.78,6.17,3.95,3.76,1.67,1.62,35,2.28,2.19,1.74,1.68,20,0.75,2.12,2.07,1.85,1.81,7,3.85,1.62,,, 234 | E0,20/01/18,Burnley,Man United,0,1,A,0,0,D,M Dean,13,12,2,2,7,12,5,4,3,3,0,0,7.5,3.89,1.57,6.5,3.9,1.57,6.2,4,1.55,6.5,3.7,1.57,6.98,3.95,1.6,7,3.8,1.57,7,3.9,1.6,37,7.5,6.64,4,3.82,1.63,1.58,35,2.25,2.18,1.74,1.69,21,1,1.86,1.81,2.14,2.06,7.5,4.05,1.56,,, 235 | E0,20/01/18,Everton,West Brom,1,1,D,0,1,A,S Attwell,9,15,4,5,15,10,0,3,2,1,0,0,2.14,3.2,4,2.1,3.1,4,2.2,3.1,3.6,2.1,3.1,3.7,2.16,3.3,3.93,2.15,3.1,4,2.2,3.2,3.9,37,2.22,2.14,3.3,3.14,4.25,3.82,33,2.63,2.52,1.57,1.52,21,-0.25,1.88,1.83,2.1,2.04,2.59,2.97,3.37,,, 236 | E0,20/01/18,Leicester,Watford,2,0,H,1,0,H,L Probert,9,11,5,3,11,10,4,5,0,0,0,0,1.85,3.89,4.33,1.8,3.75,4.33,1.9,3.5,4.1,1.8,3.7,4.2,1.85,3.84,4.47,1.85,3.75,4.33,1.85,3.9,4.4,37,1.9,1.84,3.9,3.75,4.65,4.22,35,1.8,1.74,2.19,2.1,19,-0.75,2.15,2.07,1.85,1.8,1.76,3.91,5.05,,, 237 | E0,20/01/18,Man City,Newcastle,3,1,H,1,0,H,P Tierney,21,6,9,4,5,10,18,0,0,1,0,0,1.12,10,26,1.11,10,19,1.15,8,17,1.12,9,26,1.14,10.21,22.56,1.12,9,26,1.13,10,23,37,1.15,1.13,11,9.22,26,21.28,35,1.33,1.3,3.75,3.5,20,-2.5,2.05,2,1.92,1.86,1.12,11,28.5,,, 238 | E0,20/01/18,Stoke,Huddersfield,2,0,H,0,0,D,M Oliver,11,6,6,3,18,13,3,2,1,1,0,0,2.04,3.39,4.09,2,3.3,4,2.1,3.2,3.75,2,3.2,4,2.04,3.41,4.23,2.05,3.3,4,2.05,3.4,4.1,37,2.1,2.03,3.45,3.33,4.23,3.97,35,2.3,2.21,1.73,1.67,20,-0.25,1.77,1.72,2.25,2.17,2.04,3.47,4.12,,, 239 | E0,20/01/18,West Ham,Bournemouth,1,1,D,0,0,D,M Atkinson,12,8,4,3,8,7,6,3,3,1,0,0,2,3.6,4,1.95,3.6,3.9,2,3.4,3.8,2,3.5,3.7,2.06,3.62,3.87,2,3.5,4,2,3.7,3.9,36,2.1,2.01,3.7,3.55,4,3.76,35,1.91,1.87,2.05,1.95,19,-0.25,1.77,1.73,2.25,2.18,2.37,3.37,3.32,,, 240 | E0,21/01/18,Southampton,Tottenham,1,1,D,1,1,D,K Friend,10,17,4,2,8,15,2,9,2,3,0,0,5.75,4.09,1.64,5.5,4,1.62,5,3.7,1.7,5.2,3.8,1.61,5.72,4.14,1.66,5.5,4,1.65,5.75,4,1.65,37,5.75,5.37,4.14,3.94,1.7,1.65,36,1.85,1.81,2.13,2.02,20,0.75,2.1,2.04,1.87,1.83,4.6,3.76,1.86,,, 241 | E0,22/01/18,Swansea,Liverpool,1,0,H,1,0,H,N Swarbrick,3,21,2,4,5,9,3,9,0,2,0,0,12,5.75,1.3,10,5.5,1.3,8,5.3,1.35,11,5.2,1.3,11.96,5.8,1.31,11,5.5,1.3,12,5.5,1.3,35,12,10.75,5.8,5.37,1.35,1.31,33,1.73,1.66,2.3,2.21,19,1.5,2,1.95,1.98,1.92,11.68,5.87,1.31,,, 242 | E0,30/01/18,Huddersfield,Liverpool,0,3,A,0,2,A,K Friend,5,14,1,7,8,8,1,4,0,0,0,0,12,5.75,1.3,10.5,5.5,1.3,7.5,4.8,1.4,12,5.5,1.3,10.75,5.65,1.33,11,5.5,1.3,12,5.75,1.3,38,12,10.65,5.75,5.46,1.4,1.31,36,1.75,1.68,2.31,2.2,20,1.5,2.02,1.96,1.95,1.9,10.95,5.49,1.34,,, 243 | E0,30/01/18,Swansea,Arsenal,3,1,H,1,1,D,L Mason,12,9,4,4,4,8,4,3,0,3,0,0,7,4.59,1.5,6.5,4.33,1.5,6.2,4,1.55,7,4.4,1.5,7,4.62,1.51,7,4.33,1.5,7.5,4.4,1.5,37,7.5,6.93,4.62,4.37,1.55,1.5,35,1.83,1.76,2.15,2.08,19,1.25,1.83,1.79,2.13,2.08,7.1,4.3,1.55,,, 244 | E0,30/01/18,West Ham,Crystal Palace,1,1,D,1,1,D,N Swarbrick,8,9,3,3,11,15,5,3,1,3,0,0,3.1,3.25,2.54,3,3.2,2.45,2.65,3.3,2.65,3,3.25,2.5,3.06,3.32,2.55,3,3.25,2.5,3,3.3,2.55,37,3.11,2.99,3.32,3.23,2.66,2.51,35,2.23,2.14,1.77,1.71,18,0.25,1.8,1.76,2.2,2.13,3.1,3.2,2.59,,, 245 | E0,31/01/18,Chelsea,Bournemouth,0,3,A,0,0,D,L Probert,21,11,5,5,5,12,8,5,1,0,0,0,1.28,6.5,11,1.26,6,11,1.27,5.8,10.5,1.28,5.5,11,1.3,6.14,11.24,1.29,6,11,1.29,6,12,38,1.32,1.28,6.5,5.9,12,10.77,35,1.56,1.52,2.63,2.53,20,-1.75,2.12,2.06,1.86,1.81,1.37,5.25,10.11,,, 246 | E0,31/01/18,Everton,Leicester,2,1,H,2,0,H,C Kavanagh,9,8,4,1,9,10,5,5,0,2,0,0,3,3.2,2.62,2.95,3.1,2.55,2.7,3.2,2.7,2.9,3.1,2.5,3.11,3.17,2.6,3,3.1,2.62,3.1,3.2,2.55,38,3.11,2.99,3.25,3.14,2.7,2.56,36,2.38,2.22,1.73,1.66,19,0.25,1.79,1.74,2.21,2.15,2.78,3.16,2.9,,, 247 | E0,31/01/18,Man City,West Brom,3,0,H,1,0,H,R Madley,19,3,10,1,10,10,9,1,1,3,0,0,1.14,10,21,1.14,8.5,17.5,1.15,7.5,18,1.15,7.5,23,1.16,9,21.8,1.14,9,19,1.15,9,22,38,1.17,1.15,10,8.47,23,18.91,34,1.48,1.44,2.89,2.75,20,-2.25,2.08,2.02,1.88,1.83,1.15,9.1,23.5,,, 248 | E0,31/01/18,Newcastle,Burnley,1,1,D,0,0,D,S Hooper,14,11,4,2,15,15,7,4,1,2,0,0,2.2,3.2,3.89,2.15,3.1,3.8,2.1,3.3,3.6,2.1,3,3.75,2.19,3.15,4.05,2.2,3.1,3.75,2.2,3.13,4,38,2.25,2.17,3.3,3.13,4.05,3.83,35,2.75,2.58,1.55,1.5,21,-0.25,1.87,1.82,2.1,2.05,2.21,3.19,3.95,,, 249 | E0,31/01/18,Southampton,Brighton,1,1,D,0,1,A,M Dean,18,9,3,2,8,10,7,2,3,1,0,0,1.75,3.5,6,1.75,3.4,5.5,1.8,3.6,4.5,1.75,3.3,5.25,1.77,3.48,5.99,1.75,3.3,6,1.75,3.5,5.75,38,1.82,1.75,3.6,3.43,6.03,5.49,36,2.45,2.36,1.65,1.59,20,-0.75,2.04,1.99,1.91,1.86,1.85,3.42,5.27,,, 250 | E0,31/01/18,Stoke,Watford,0,0,D,0,0,D,J Moss,11,12,4,2,12,12,2,6,4,3,0,0,2.25,3.5,3.39,2.2,3.4,3.3,2.1,3.4,3.5,2.15,3.4,3.25,2.22,3.54,3.48,2.25,3.4,3.3,2.25,3.5,3.4,38,2.3,2.22,3.6,3.44,3.5,3.3,37,1.9,1.84,2.05,1.98,21,-0.25,1.95,1.9,2.02,1.96,2.18,3.55,3.58,,, 251 | E0,31/01/18,Tottenham,Man United,2,0,H,2,0,H,A Marriner,22,6,6,3,10,13,6,3,2,2,0,0,2.35,3.29,3.39,2.25,3.25,3.4,2.4,3.3,2.95,2.2,3.3,3.2,2.32,3.42,3.38,2.3,3.3,3.3,2.3,3.3,3.4,38,2.4,2.29,3.46,3.33,3.45,3.28,37,1.98,1.92,1.96,1.9,21,-0.25,2,1.94,1.97,1.92,2.42,3.4,3.19,,, 252 | E0,03/02/18,Arsenal,Everton,5,1,H,4,0,H,N Swarbrick,15,11,7,2,8,8,4,6,2,0,0,0,1.3,5.75,12,1.3,5.25,10.5,1.35,5.3,8,1.3,5.25,11,1.32,5.85,10.95,1.33,5,11,1.3,5.75,11,38,1.35,1.31,6,5.43,12,10.46,34,1.61,1.57,2.54,2.4,19,-1.75,2.18,2.11,1.81,1.77,1.37,5.45,9.5,,, 253 | E0,03/02/18,Bournemouth,Stoke,2,1,H,0,1,A,P Tierney,15,13,8,4,14,19,8,1,2,3,0,0,1.9,3.7,4.33,1.87,3.6,4.2,2.1,3.4,3.5,1.87,3.5,4,1.92,3.66,4.43,1.91,3.5,4.33,1.91,3.7,4.33,39,2.1,1.91,3.73,3.58,4.5,4.12,38,1.91,1.83,2.06,1.99,19,-0.25,1.68,1.64,2.4,2.32,1.93,3.65,4.41,,, 254 | E0,03/02/18,Brighton,West Ham,3,1,H,1,1,D,R East,21,4,5,1,11,7,4,1,3,1,0,0,2.35,3,3.7,2.3,3,3.5,2.4,3.1,3.2,2.3,3,3.4,2.37,3.07,3.66,2.3,3,3.6,2.3,3.1,3.7,38,2.42,2.32,3.14,3.02,3.7,3.53,35,2.7,2.56,1.55,1.51,20,-0.25,2,1.94,1.97,1.92,2.26,3.08,3.95,,, 255 | E0,03/02/18,Burnley,Man City,1,1,D,0,1,A,M Atkinson,8,20,3,7,9,6,3,13,4,1,0,0,13,6,1.28,11,5.75,1.28,8,5.3,1.35,12,5.25,1.28,13,5.9,1.29,12,5.5,1.29,13,6,1.29,39,13,11.77,6.15,5.69,1.35,1.28,37,1.73,1.68,2.28,2.2,20,1.75,1.86,1.81,2.1,2.05,13.5,5.65,1.3,,, 256 | E0,03/02/18,Leicester,Swansea,1,1,D,1,0,H,A Taylor,13,3,5,1,9,8,3,3,1,0,0,0,1.8,3.6,5.25,1.72,3.6,5.25,1.75,3.6,4.8,1.75,3.5,5,1.81,3.59,5.3,1.8,3.5,5,1.8,3.6,5.2,39,1.84,1.78,3.7,3.56,5.35,4.97,37,2.16,2.08,1.8,1.75,20,-0.75,2.08,2,1.89,1.85,1.85,3.49,5.18,,, 257 | E0,03/02/18,Man United,Huddersfield,2,0,H,0,0,D,S Attwell,16,4,7,0,5,19,5,2,2,4,0,0,1.16,8.5,19,1.14,8.25,19,1.2,6.5,15,1.15,7.5,21,1.17,8.19,23.45,1.17,7.5,21,1.17,8,23,39,1.2,1.16,8.5,7.59,26,20.1,36,1.63,1.57,2.5,2.39,21,-2,1.91,1.85,2.08,2.01,1.22,7.2,17,,, 258 | E0,03/02/18,West Brom,Southampton,2,3,A,1,2,A,M Oliver,9,13,3,5,12,10,5,7,2,1,0,0,2.54,3.2,3.1,2.5,3.1,3.1,2.6,3.15,2.85,2.5,3.1,3,2.65,3.15,3.07,2.5,3.1,3.1,2.6,3.2,3.1,39,2.66,2.54,3.26,3.13,3.2,3,36,2.43,2.33,1.67,1.6,20,-0.25,2.24,2.15,1.79,1.73,2.96,3.12,2.76,,, 259 | E0,04/02/18,Crystal Palace,Newcastle,1,1,D,0,1,A,A Marriner,21,11,6,8,11,8,5,6,1,1,0,0,2.04,3.39,4.2,2,3.25,4.1,2.1,3.25,3.7,2,3.25,3.9,2.05,3.4,4.19,2.05,3.3,4,2.05,3.4,4.1,39,2.11,2.03,3.51,3.35,4.2,3.93,37,2.2,2.14,1.77,1.71,19,-0.25,1.77,1.73,2.23,2.15,2.12,3.31,4.06,,, 260 | E0,04/02/18,Liverpool,Tottenham,2,2,D,1,0,H,J Moss,9,13,3,6,15,9,3,7,3,1,0,0,2.1,3.75,3.6,2.05,3.6,3.5,2.2,3.5,3.2,2.05,3.6,3.3,2.13,3.71,3.55,2.1,3.6,3.5,2.1,3.8,3.5,39,2.2,2.08,3.85,3.69,3.6,3.44,35,1.64,1.59,2.45,2.36,19,-0.25,1.85,1.79,2.14,2.07,2.01,3.84,3.81,,, 261 | E0,05/02/18,Watford,Chelsea,4,1,H,1,0,H,M Dean,21,7,8,3,11,8,6,2,2,2,0,1,6.25,4,1.61,6,4,1.57,5.5,4,1.6,5.5,3.8,1.6,6.15,4.05,1.64,6,4,1.62,6,4,1.62,38,6.25,5.78,4.15,3.96,1.67,1.61,37,1.93,1.85,2,1.96,20,1,1.85,1.8,2.15,2.07,6.95,4.5,1.53,,, 262 | E0,10/02/18,Everton,Crystal Palace,3,1,H,0,0,D,J Moss,11,16,5,4,14,15,8,7,1,1,0,0,2.25,3.25,3.2,2.25,3.2,3.4,2.3,3.2,3.25,2.2,3.1,3.5,2.26,3.26,3.68,2.25,3.1,3.4,2.25,3.25,3.7,39,2.33,2.24,3.38,3.2,3.7,3.47,36,2.35,2.25,1.71,1.65,22,-0.25,1.95,1.89,2.03,1.97,2.11,3.32,4.09,,, 263 | E0,10/02/18,Man City,Leicester,5,1,H,1,1,D,M Jones,19,2,11,2,10,12,8,2,2,3,0,0,1.19,6.5,13,1.2,7,13,1.25,6.5,10,1.2,6.5,15,1.22,7.4,14.5,1.22,6,12,1.22,7,17,40,1.25,1.21,7.49,6.76,17,13.46,35,1.43,1.38,3.2,2.99,22,-2,2.02,1.95,1.95,1.91,1.24,6.7,15.5,,, 264 | E0,10/02/18,Stoke,Brighton,1,1,D,0,1,A,R Madley,15,14,3,6,6,10,7,4,0,0,0,0,2.2,3.2,3.39,2.15,3.2,3.7,2.2,3.2,3.5,2.15,3.1,3.6,2.22,3.27,3.78,2.15,3.1,3.6,2.25,3.13,3.8,40,2.27,2.19,3.33,3.18,3.8,3.62,37,2.45,2.35,1.65,1.59,22,-0.25,1.9,1.85,2.07,2.01,2.43,3.18,3.39,,, 265 | E0,10/02/18,Swansea,Burnley,1,0,H,0,0,D,A Marriner,12,13,4,1,10,9,5,2,2,1,0,0,2.37,3,3.25,2.45,3,3.25,2.4,3.1,3.2,2.4,2.9,3.3,2.5,2.99,3.5,2.5,2.9,3.2,2.45,3,3.5,40,2.54,2.45,3.12,2.98,3.5,3.28,36,2.95,2.76,1.48,1.44,22,-0.25,2.11,2.05,1.87,1.82,2.37,3.03,3.71,,, 266 | E0,10/02/18,Tottenham,Arsenal,1,0,H,0,0,D,A Taylor,18,6,6,1,13,9,10,2,2,1,0,0,2,3.6,3.5,1.95,3.8,3.6,2.2,3.5,3.2,1.95,3.75,3.5,2.04,3.85,3.7,2,3.75,3.4,2.05,3.9,3.6,40,2.2,2,3.91,3.76,3.8,3.58,36,1.54,1.5,2.68,2.57,21,-0.25,1.79,1.74,2.26,2.15,1.93,3.9,4.07,,, 267 | E0,10/02/18,West Ham,Watford,2,0,H,1,0,H,G Scott,8,11,4,4,11,7,8,7,1,1,0,0,2.5,3.29,2.79,2.45,3.2,3,2.4,3.2,3.05,2.4,3.25,2.9,2.57,3.32,3.03,2.5,3.3,2.8,2.5,3.3,3.1,40,2.58,2.48,3.39,3.28,3.1,2.93,38,2.05,1.98,1.91,1.84,22,-0.25,2.19,2.13,1.83,1.76,2.38,3.36,3.3,,, 268 | E0,11/02/18,Huddersfield,Bournemouth,4,1,H,2,1,H,M Oliver,15,7,4,2,12,12,2,6,0,3,0,0,3.25,3.2,2.25,3.4,3.1,2.3,2.65,3.3,2.65,3.2,3.1,2.35,3.3,3.22,2.46,3.25,3.1,2.3,3.4,3.2,2.38,40,3.4,3.22,3.3,3.16,2.65,2.38,37,2.41,2.27,1.68,1.63,21,0.25,1.88,1.83,2.09,2.03,3.14,3.39,2.45,,, 269 | E0,11/02/18,Newcastle,Man United,1,0,H,0,0,D,C Pawson,10,13,3,6,12,15,0,10,0,2,0,0,5.5,3.75,1.61,5.5,3.8,1.65,5.3,3.8,1.65,5.5,3.7,1.61,5.86,4.03,1.66,5.5,3.8,1.62,6,3.9,1.65,40,6,5.56,4.03,3.8,1.7,1.65,38,2.07,2,1.87,1.81,21,0.75,2.08,2.03,1.87,1.84,6.35,4.15,1.61,,, 270 | E0,11/02/18,Southampton,Liverpool,0,2,A,0,2,A,M Atkinson,6,16,4,4,5,8,3,1,1,2,0,0,4.2,3.79,1.8,4.25,3.8,1.8,4.3,3.5,1.85,4.25,3.75,1.75,4.75,3.93,1.8,4.33,3.8,1.75,4.6,4,1.8,40,4.81,4.42,4,3.8,1.87,1.8,37,1.76,1.69,2.3,2.18,21,0.75,1.91,1.86,2.06,2,5.18,4.05,1.72,,, 271 | E0,12/02/18,Chelsea,West Brom,3,0,H,1,0,H,L Mason,20,8,8,1,11,11,8,7,0,2,0,0,1.36,4.75,8,1.35,5,9,1.4,4.8,7.5,1.36,4.6,8.5,1.4,5.1,9.05,1.33,5,9,1.36,5,9.5,37,1.41,1.37,5.2,4.89,10,8.71,35,1.78,1.73,2.17,2.1,18,-1.25,1.93,1.87,2.04,1.98,1.33,5.3,12,,, 272 | E0,24/02/18,Bournemouth,Newcastle,2,2,D,0,2,A,R East,18,15,5,4,12,10,8,1,1,4,0,0,2.1,3.5,3.79,2.1,3.4,3.6,2.2,3.3,3.4,2.05,3.4,3.6,2.11,3.49,3.85,2.05,3.3,3.7,2.1,3.5,3.7,40,2.2,2.1,3.53,3.42,3.85,3.63,38,2.01,1.96,1.95,1.85,22,-0.25,1.85,1.79,2.17,2.09,2,3.58,4.15,,, 273 | E0,24/02/18,Brighton,Swansea,4,1,H,1,0,H,M Dean,16,11,5,1,17,6,3,5,1,0,0,0,2.14,3.25,4,2.1,3.1,4,2.2,3.1,3.6,2.05,3.1,4,2.11,3.15,4.36,2.1,3,3.8,2.15,3.1,4.2,40,2.2,2.1,3.25,3.13,4.36,4.03,37,2.75,2.58,1.57,1.5,21,-0.25,1.8,1.77,2.19,2.11,2.01,3.31,4.53,,, 274 | E0,24/02/18,Burnley,Southampton,1,1,D,0,0,D,R Madley,9,13,3,6,8,14,7,5,1,0,0,0,2.89,3.1,2.79,2.9,2.95,2.75,2.7,3.2,2.7,2.8,3,2.65,2.98,3.08,2.78,2.62,3.1,2.75,3,3.1,2.75,40,3,2.86,3.2,3.03,2.85,2.74,35,2.7,2.55,1.57,1.51,20,0.25,1.71,1.66,2.35,2.29,3.49,3.12,2.42,,, 275 | E0,24/02/18,Leicester,Stoke,1,1,D,0,1,A,M Oliver,19,6,9,2,10,16,13,1,1,3,0,0,1.72,3.89,5.25,1.72,3.75,5,1.75,3.6,4.8,1.7,3.7,5,1.71,3.89,5.62,1.7,3.75,4.8,1.73,3.8,5,40,1.77,1.72,3.92,3.76,5.64,5.13,38,1.95,1.89,2,1.93,21,-0.75,1.95,1.9,2.02,1.96,1.7,3.95,5.55,,, 276 | E0,24/02/18,Liverpool,West Ham,4,1,H,1,0,H,S Attwell,21,7,12,4,7,7,8,2,0,2,0,0,1.22,7.5,13,1.2,7,13.5,1.25,6,11,1.22,6.5,13,1.23,7.14,14.61,1.22,6,12,1.22,7,15,40,1.26,1.23,7.5,6.71,15,12.67,32,1.48,1.43,3,2.79,21,-1.75,1.86,1.81,2.13,2.06,1.24,7,14,,, 277 | E0,24/02/18,Watford,Everton,1,0,H,0,0,D,A Taylor,13,7,5,2,10,9,6,5,3,1,0,0,2.25,3.39,3.5,2.2,3.2,3.5,2.35,3.3,3.05,2.15,3.2,3.4,2.23,3.42,3.57,2.2,3.3,3.3,2.25,3.3,3.6,39,2.35,2.21,3.45,3.33,3.6,3.42,36,2.14,2.05,1.83,1.77,22,-0.25,1.95,1.89,2.02,1.97,2.47,3.24,3.26,,, 278 | E0,24/02/18,West Brom,Huddersfield,1,2,A,0,0,D,J Moss,10,16,3,7,11,9,6,3,1,1,0,0,1.95,3.29,4.75,1.9,3.3,4.5,2,3.4,3.8,1.91,3.2,4.4,1.98,3.3,4.7,1.95,3.1,4.4,1.95,3.3,4.75,40,2.02,1.94,3.4,3.25,4.9,4.49,36,2.63,2.49,1.59,1.53,20,-0.75,2.32,2.25,1.73,1.67,1.88,3.44,5.01,,, 279 | E0,25/02/18,Crystal Palace,Tottenham,0,1,A,0,0,D,K Friend,5,14,3,4,12,5,2,13,0,1,0,0,7.5,4.5,1.5,7,4.2,1.5,6.5,4.2,1.5,6.5,4.25,1.5,7.09,4.66,1.51,6.5,4.2,1.5,7.5,4.6,1.5,39,7.5,6.79,4.71,4.41,1.54,1.49,36,1.8,1.73,2.21,2.11,20,1.25,1.84,1.81,2.13,2.07,9.5,5.6,1.36,,, 280 | E0,25/02/18,Man United,Chelsea,2,1,H,1,1,D,M Atkinson,10,14,5,7,13,12,3,4,2,2,0,0,2.29,3.25,3.5,2.2,3.25,3.5,2.2,3.2,3.5,2.25,3.2,3.3,2.3,3.3,3.55,2.3,3.1,3.3,2.3,3.3,3.4,39,2.38,2.28,3.36,3.24,3.55,3.38,36,2.16,2.09,1.81,1.74,21,-0.25,2,1.94,1.98,1.93,2.39,3.24,3.41,,, 281 | E0,01/03/18,Arsenal,Man City,0,3,A,0,3,A,A Marriner,10,9,5,5,11,11,6,1,1,1,0,0,4.5,4,1.72,4.4,3.8,1.78,4.2,3.9,1.8,4.2,3.9,1.75,4.58,4.06,1.8,4.5,3.8,1.73,4.6,4,1.8,38,4.6,4.35,4.12,3.95,1.85,1.78,33,1.53,1.49,2.75,2.6,19,0.75,1.94,1.89,2.02,1.97,4.75,4.33,1.72,,, 282 | E0,03/03/18,Burnley,Everton,2,1,H,0,1,A,C Kavanagh,21,10,8,4,9,12,10,4,1,1,0,1,2.5,3.1,3.29,2.5,3,3.2,2.6,3.3,2.7,2.4,2.9,3.2,2.5,3.04,3.43,2.5,3,3.3,2.5,3.1,3.4,37,2.6,2.48,3.3,3.04,3.45,3.26,33,2.78,2.6,1.53,1.5,22,-0.25,2.11,2.06,1.86,1.82,2.62,2.97,3.3,,, 283 | E0,03/03/18,Leicester,Bournemouth,1,1,D,0,1,A,L Probert,23,8,4,3,11,7,13,1,2,1,0,0,1.85,3.75,4.5,1.85,3.8,4,1.9,3.5,4.1,1.83,3.6,4,1.88,3.72,4.57,1.85,3.6,4.5,1.85,3.8,4.5,38,1.92,1.85,3.9,3.7,4.57,4.32,35,1.82,1.76,2.14,2.08,20,-0.75,2.14,2.09,1.83,1.79,1.9,3.6,4.62,,, 284 | E0,03/03/18,Liverpool,Newcastle,2,0,H,1,0,H,G Scott,14,7,3,2,7,9,8,3,0,0,0,0,1.22,7,15,1.2,7,13.5,1.25,6,11,1.2,6.5,15,1.22,7.6,14.1,1.22,6.5,15,1.22,7.5,15,38,1.25,1.21,7.75,6.95,17,13.84,30,1.45,1.41,3,2.86,22,-2,2.04,1.96,1.97,1.9,1.2,7.8,16,,, 285 | E0,03/03/18,Southampton,Stoke,0,0,D,0,0,D,A Taylor,18,12,6,3,8,13,15,4,0,1,0,0,1.75,3.75,5.25,1.72,3.7,5,1.85,3.5,4.3,1.7,3.6,5,1.76,3.71,5.48,1.75,3.5,5.5,1.73,3.8,5.5,38,1.85,1.74,3.9,3.67,5.5,5.16,36,2.1,2,1.87,1.82,21,-0.75,1.99,1.93,1.98,1.93,1.72,3.82,5.61,,, 286 | E0,03/03/18,Swansea,West Ham,4,1,H,2,0,H,M Atkinson,9,7,8,2,9,14,4,5,0,3,0,0,2.6,3.25,3,2.45,3.2,3,2.3,3.3,3.15,2.5,3,3,2.65,3.19,3.03,2.6,3.1,3,2.63,3.2,3,38,2.65,2.55,3.3,3.17,3.15,2.98,35,2.42,2.28,1.69,1.64,21,-0.25,2.25,2.17,1.76,1.73,2.62,3.09,3.17,,, 287 | E0,03/03/18,Tottenham,Huddersfield,2,0,H,1,0,H,K Friend,15,3,7,3,6,8,8,1,1,1,0,0,1.19,7.5,17,1.2,6.75,14.5,1.25,6,11,1.18,7,13,1.19,8.05,18.5,1.2,7,17,1.18,7.5,19,38,1.25,1.19,8.07,7.18,20,16.27,34,1.62,1.57,2.55,2.41,22,-2,1.97,1.92,2.01,1.94,1.17,7.75,24.5,,, 288 | E0,03/03/18,Watford,West Brom,1,0,H,0,0,D,P Tierney,15,9,4,2,11,12,4,6,2,0,0,0,2.14,3.29,3.89,2,3.3,4,2,3.4,3.8,2.1,3.2,3.6,2.2,3.3,3.8,2.15,3.25,3.8,2.15,3.3,3.9,38,2.22,2.13,3.42,3.29,4,3.73,35,2.27,2.18,1.77,1.69,21,-0.25,1.88,1.82,2.13,2.06,2.41,3.18,3.43,,, 289 | E0,04/03/18,Brighton,Arsenal,2,1,H,2,1,H,S Attwell,13,15,6,7,13,12,6,11,3,3,0,0,4.2,3.79,1.9,4.1,3.7,1.85,4.4,3.7,1.8,3.8,3.5,1.91,4.04,3.7,1.99,4,3.75,1.91,4,3.7,2,38,4.4,3.94,3.8,3.67,2.02,1.93,35,1.86,1.78,2.11,2.04,20,0.75,1.8,1.7,2.32,2.21,4.25,3.7,1.94,,, 290 | E0,04/03/18,Man City,Chelsea,1,0,H,0,0,D,M Oliver,13,3,3,0,8,9,5,2,2,1,0,0,1.61,4.2,6,1.6,4.1,5.5,1.65,4.1,5,1.57,4,5.5,1.6,4.35,6.07,1.62,4,6,1.6,4.3,6,38,1.65,1.6,4.35,4.14,6.07,5.63,35,1.77,1.69,2.3,2.19,22,-1,2.06,2,1.93,1.87,1.51,4.85,6.5,,, 291 | E0,05/03/18,Crystal Palace,Man United,2,3,A,1,0,H,N Swarbrick,10,17,4,8,10,8,3,7,1,3,0,0,7,4,1.57,6.5,4.1,1.53,6.2,4,1.55,6.5,3.9,1.53,6.63,4.24,1.58,6.5,4,1.57,7,4.2,1.53,37,7,6.47,4.3,4.05,1.61,1.56,35,2.05,1.99,1.92,1.82,21,1,1.97,1.91,2,1.95,7.85,4.7,1.47,,, 292 | E0,10/03/18,Chelsea,Crystal Palace,2,1,H,2,0,H,A Taylor,27,9,11,2,8,9,12,3,1,2,0,0,1.3,5.75,12,1.3,5.5,10.5,1.33,5.3,8.7,1.28,5.25,11,1.3,6,11.65,1.3,5.5,11,1.29,5.75,13,40,1.33,1.3,6,5.54,13,11,37,1.75,1.7,2.25,2.18,20,-1.5,1.92,1.88,2.04,1.99,1.29,5.85,13,,, 293 | E0,10/03/18,Everton,Brighton,2,0,H,0,0,D,R East,13,10,3,4,10,14,10,3,0,1,0,1,2.2,3.2,3.89,2.2,3.1,3.7,2.1,3.2,3.75,2.15,3.1,3.6,2.22,3.24,3.83,2.2,3.1,3.75,2.2,3.25,3.8,40,2.26,2.19,3.3,3.19,3.89,3.65,36,2.45,2.32,1.67,1.61,21,-0.25,1.9,1.86,2.05,1.99,2.25,3.32,3.64,,, 294 | E0,10/03/18,Huddersfield,Swansea,0,0,D,0,0,D,M Oliver,30,0,4,0,9,9,12,0,2,3,0,1,2.54,3.1,3.2,2.5,3.1,3.1,2.4,3.2,3.1,2.45,3,3.1,2.52,3.07,3.37,2.5,3.1,3.1,2.5,3.1,3.3,39,2.6,2.49,3.2,3.08,3.37,3.16,35,2.64,2.52,1.57,1.53,21,-0.25,2.14,2.08,1.84,1.79,2.57,3.04,3.31,,, 295 | E0,10/03/18,Man United,Liverpool,2,1,H,2,0,H,C Pawson,5,14,2,2,10,16,1,13,2,1,0,0,2.75,3.39,2.75,2.65,3.3,2.7,2.6,3.2,2.8,2.62,3.3,2.62,2.79,3.34,2.76,2.75,3.3,2.8,2.7,3.4,2.75,40,2.81,2.7,3.4,3.3,2.82,2.71,38,1.98,1.91,1.97,1.92,19,-0.25,2.38,2.31,1.7,1.65,3.2,3.26,2.49,,, 296 | E0,10/03/18,Newcastle,Southampton,3,0,H,2,0,H,A Marriner,7,6,5,2,10,10,2,6,0,2,0,0,2.79,3.2,2.79,2.7,3.1,2.8,2.7,3.2,2.7,2.7,3.1,2.7,2.8,3.16,2.88,2.8,3.1,2.8,2.8,3.2,2.8,40,2.85,2.74,3.23,3.12,2.9,2.79,36,2.38,2.27,1.7,1.64,19,-0.25,2.38,2.3,1.68,1.65,2.63,3.2,3.05,,, 297 | E0,10/03/18,West Brom,Leicester,1,4,A,1,1,D,R Madley,6,14,2,6,6,7,7,6,1,3,0,0,3,3.25,2.6,2.9,3.2,2.55,2.75,3.25,2.6,3,3.1,2.45,3.07,3.28,2.57,3,3.1,2.6,3.1,3.25,2.55,40,3.12,2.97,3.3,3.19,2.67,2.54,36,2.26,2.2,1.74,1.68,18,0.25,1.79,1.75,2.2,2.14,3.39,3.44,2.3,,, 298 | E0,10/03/18,West Ham,Burnley,0,3,A,0,0,D,L Mason,13,7,4,4,13,7,5,1,2,2,0,0,2.29,3.2,3.6,2.2,3.1,3.6,2.1,3.4,3.5,2.25,3,3.5,2.32,3.21,3.6,2.3,3.1,3.6,2.3,3.2,3.6,39,2.35,2.27,3.4,3.15,3.7,3.51,35,2.57,2.46,1.6,1.55,21,-0.25,1.98,1.92,2,1.94,2.25,3.16,3.85,,, 299 | E0,11/03/18,Arsenal,Watford,3,0,H,1,0,H,M Atkinson,11,11,7,4,12,9,4,9,2,1,0,0,1.44,5,7.5,1.5,4.4,6.25,1.5,4.2,6.5,1.44,4.5,6.5,1.48,4.81,7.4,1.5,4.33,7,1.45,5,7,41,1.52,1.47,5,4.62,7.5,6.67,36,1.56,1.51,2.75,2.54,20,-1,1.79,1.74,2.24,2.16,1.52,4.55,7,,, 300 | E0,11/03/18,Bournemouth,Tottenham,1,4,A,1,1,D,M Dean,14,12,3,8,10,7,4,5,1,1,0,0,6.5,4.5,1.55,6,4.4,1.53,6.5,4.2,1.5,6,4.25,1.5,6.49,4.66,1.53,6,4.5,1.53,6.5,4.6,1.53,40,6.5,6.09,4.7,4.47,1.56,1.52,35,1.66,1.61,2.45,2.33,21,1,2.08,2.03,1.87,1.83,7.75,5,1.44,,, 301 | E0,12/03/18,Stoke,Man City,0,2,A,0,1,A,J Moss,3,17,0,6,6,8,3,10,1,0,0,0,15,6.5,1.25,13,6.5,1.22,11,6,1.25,15,6.5,1.22,13.25,6.89,1.25,13,6,1.25,13,6.5,1.22,39,15,13.18,7,6.47,1.27,1.23,32,1.53,1.49,2.75,2.58,19,2,1.87,1.8,2.11,2.06,13.75,6.95,1.24,,, 302 | E0,17/03/18,Bournemouth,West Brom,2,1,H,0,0,D,G Scott,17,11,5,6,6,9,3,2,1,2,0,0,1.83,3.6,5,1.85,3.4,4.6,1.9,3.5,4.1,1.8,3.5,4.4,1.85,3.6,4.94,1.83,3.5,4.33,1.85,3.6,4.8,42,1.91,1.84,3.75,3.54,5,4.56,41,2.05,1.95,1.93,1.87,19,-0.75,2.14,2.09,1.83,1.78,1.8,3.84,4.9,,, 303 | E0,17/03/18,Huddersfield,Crystal Palace,0,2,A,0,1,A,M Dean,6,17,2,6,11,12,4,7,3,2,0,0,3,3.1,2.7,2.8,3.1,2.7,2.7,3.2,2.7,2.87,3,2.6,2.94,3.2,2.72,2.8,3.1,2.62,2.9,3.2,2.7,42,3,2.88,3.26,3.12,2.77,2.65,39,2.42,2.32,1.67,1.61,19,0.25,1.73,1.69,2.3,2.23,2.79,3.18,2.88,,, 304 | E0,17/03/18,Liverpool,Watford,5,0,H,2,0,H,A Taylor,13,4,10,1,5,4,6,1,1,0,0,0,1.19,8,15,1.18,7.5,14,1.2,6.5,15,1.17,7,17,1.2,7.85,15.95,1.2,6.5,13,1.18,8,17,42,1.22,1.19,8.12,7.39,19,15.4,32,1.47,1.41,3,2.89,22,-2,1.9,1.84,2.11,2.03,1.17,9,18.45,,, 305 | E0,17/03/18,Stoke,Everton,1,2,A,0,0,D,M Atkinson,9,17,4,9,13,12,1,9,1,1,1,0,2.5,3.29,3.1,2.4,3.2,3.1,2.3,3.3,3.15,2.4,3.1,3,2.49,3.29,3.18,2.4,3.2,3,2.5,3.3,3.13,41,2.55,2.45,3.36,3.23,3.2,3.07,38,2.23,2.16,1.76,1.7,22,-0.25,2.15,2.09,1.83,1.79,2.78,3.31,2.78,,, 306 | --------------------------------------------------------------------------------