Predicting NFL Game Outcomes. Paul McBride ECE 539 Professor Yu Hen Hu

Size: px
Start display at page:

Download "Predicting NFL Game Outcomes. Paul McBride ECE 539 Professor Yu Hen Hu"

Transcription

1 Predicting NFL Game Outcomes Paul McBride ECE 539 Professor Yu Hen Hu

2 Introduction Football has become an incredibly popular sport in America over the past 20 years or so. Every week, millions and millions of people tune in to watch the plethora of NFL games available to them. This has turned the NFL into a multibillion dollar corporation. This expansion of the NFL is also correlated with the rise popularity of sports news shows such as SportsCenter. On these programs, the analysts voice their opinions on who they think the winner of the games will be. These picks are largely based on personal opinion and not truly based on the data. I am looking to remove this human bias and find out truly what the data says about winning a football game. NFL football is an incredibly complex game. Sure, there are some stats you can count on to correlate with a win, such as total yards, but that is not always the case. A quarterback could have a bad game, a usually solid running back could cough up the ball in key positions; you really never totally know what is going to happen. These intangibles make predicting outcomes very challenging. But, based on the average gameplay of a team, it seems like using a large amount of data could be reliably used to smooth out the intangibles. Due to the NFL s incredible popularity, there exist a huge amount of game-by-game data online. Actually, the amount of data available is quite overwhelming. The challenging task is to pick stats that have a big impact on the gameplay. I decided to focus on offensive stats. The NFL is an incredibly offensive minded league and that s not to say that defense doesn t have an impact. It definitely does, but the play of a stellar quarterback has been known to be key to winning football games. I decided to get my data from a typical box score, or the team play stats per game. A standard box score has more than enough data to be effective. Box score contain offensive stats such as total yards, interceptions throw, turnovers, etc. So I will have more than enough useful stats to use. Just by taking a quick look at the numbers of a typical box score, one can tell that there is not just one telling stat on who won the game. For example, total yards is usually a good

3 indicator on who won the game the winning more often than not has more total yards than the losing team. But this just is not always the case. It s facts like this that lead me to believe that there does not exist a linear mapping method to choose the winner. And it s situations like this that are perfect for a neural network, more specifically a back-propagating multilayer perceptron. Work Performed Before any predicting could be performed, I had to decide on the data that I wanted to work with and to collect said data. As I alluded to in the introduction, the NFL is a very offensive minded game. Therefore, I wanted to analyze offensive stats to see if an efficient prediction network could come to fruition. Using my knowledge of football, I decided that the following stats would be good information for the neural network to learn from: 1. Homefield advantage: more often than not, the home team performs better in front of their home town fans. 2. Firstdowns: If a team has a high number of first downs, it means they were able to move the ball up and down the field. 3. Thirddown conversion percentage: If a team has a high thirddown conversion percentage, the offense is able to stay out on the field longer. 4. Rush attempts: This stat tracks how many times the team attempted to run the ball. 5. Rush yards: If the team has a high number of rushing yards, it usually complements the passing game quite nicely. 6. Pass attempts: This stat tracks how many times the team attempted to throw the ball. 7. Pass yards: If the team has a high number of pass yards, it usually complements the rushing game. 8. Total yards: If a team has a large amount of total yards, it mean there offense was working effectively.

4 9. Pass interceptions: This stat tracks the number of interceptions thrown by the quarter back. An interception turns the ball over to the other team s offense. 10. Fumbles lost: This stat tracks the number of fumbles lost by the team. A fumble picked up by the other team means it is their ball. 11. Turnovers: If a team has a high number of turnovers, it indicates that the offense was not able to stay out on the field. 12. Sacks: This stat tracks the number of times the quarter back was sacked. A sack results in a loss of yards. 13. Sack yards loss: This stats tracks the yards lost by the offense due to sacks. 14. Penalty yards: This stat tracks the amount of penalty yards lost by the offense. Penalties make it difficult for the offense to string together a number of plays to stay out on the field. I decided to collect data from the 2012 NFL season to train my network. I was able to get data from a site that has excel csv files available for download ( I chose the 2012 season because the brand of football played would be very similar to the 2013 season. After I downloaded the needed csv file, I uploaded the data into an excel workbook. I then, got rid of unneeded statistics. Since one team goes up against another team, I wanted to make the attributes of my feature vectors differential statistics. In other words, if the match up was Team A vs Team B, I subtracted the stats of Team B from the stats of Team A. If Team A had won that game, the outcome was 1. If Team B had won, the outcome was -1. Below is an example of a feature vector. This gave me 508 feature vectors to train my nueral network with. Each feature vector consisted of 15 attributes and one outcome attribute. Before I constructed a back-propagating multilayer perceptron, I wanted to have another classifier to compare the results to. I decided on a support vector machine. There are many configurations of a support vector machine that I could choose from, so for my baseline I decided to test three different svm s with different kernel functions: linear kernel function,

5 polynomial degree 3 kernel function, and a radial basis kernel function. For each of these I used constraint values of 1 and To get a true feel on how these support vector machines would perform in real life, I used 4-way cross validation to test the classification rate and to generate confusion matrices of the results. I give credit to Professor Hu s Matlab files for my training. However, the drivers that run the routines are all written by me. Below are the results I achieved using the support vector machines: Linear C = 1 Linear C = Polynomial C = Class % Polynomial C = RBF C = 1 RBF C = Class % As you can see, the support vector machine using a linear kernel with constraint value equal to 1 performed the best. I was very pleased with the results because predicting ~89% of games is quite the feat. Now that I had my baseline classification percentage, it was time to decide what structures of multilayer perceptron to use. The reason I decided to use a back-propagating neural network was for its great flexibility and that the back-propagation provides supervised learning. Since there are many ways an NFL game can go, supervised learning was an attractive feature. And since it s flexible, there are many different parameters that I can try to use to increase the classification rate of the network. Again the algorithm and code used to train the network is based off of the Matlab file supplied by Professor Hu on the course website. But the drivers and the data preparation were all written by me. Once again, I decided to use 4-way cross validation to mimic how the machines would be used in real use.

6 Right off the bat, I did not really know what to expect so I tried a variety of different inputs. Below are a few example of my initial results: # hidden layer = 5 mu=0 mu=.8 runs\alpha avg # hidden layer = 2 mu=0 mu=.8 runs\alpha avg # hidden layer = 2 runs\alpha mu=

7 avg runs\# in hidden layer alpha=.01 mu= avg Right off the bat the results were discouraging. The best it seemed that I could do was ~85% classification rate. While that is actually pretty good, It was not better than the linear support vector machine that I had previously trained. It was then that I decided to preprocess the data by running a singular value decomposition. The follow code snippet is an example of my data preprocessing: [ua,sa,va] = svd(data(:,1:15),0); m=11; u_vec1 = ua(:, 1:m); vec1 = u_vec1 * u_vec1'; svddata = [vec1*data(:, 1:15) data(:,16:17)]; The challenge doing this was deciding how many of the principal vectors to process my data with (the choice of variable m in the code snippet). I just decided to give a couple configurations a try:

8 # hidden layer = 5 mu=0 alpha =.01 runs\# of SVD prince vectors avg Right away, I could tell that the results were looking more promising. I was able to predict about 86% of the games without much tinkering of the input variables. Through a great deal of analysis, I was able to raise the prediction classification rate to 88% using 11 singular value decomposition vectors. Below are the two most successful configurations: # hidden layer = 5 mu=.02 alpha =.007 SVD prince vectors # hidden layer = 2 mu=.02 alpha =.006 SVD prince vectors Configuration #1 ( % classification rate): 1) # of total layers = 3

9 2) # of hidden neurons = 5 3) Momentum =.02 4) Learning rate =.007 5) # of SVD principal vectors = 11 Configuration #2 ( % classification rate): 1) # of total layers = 3 2) # of hidden neurons = 2 3) Momentum =.02 4) Learning rate =.006 5) # of SVD principal vectors = 11 I was very pleased with the results of preprocessing the data with singular value decomposition. The classification rate I was able to produce with the back-propagating multilayer perceptron was on par with the support vector machine! Now that I had my network of choice, I wanted to utilize it to do some predictions. I decided on week 15 of the 2013 NFL season. I collected the all 32 team s relevant statistical averages and compiled feature vectors from the head to head matchups. Since the classification rate of mlp configuration #1 is a little better, I used it to make my predictions.

10 MLP: SVM: Broncos Falcons Buccs Giants Vikings Dolphins Jags Colts Browns Raiders Panthers Cowboys Titans Rams Steelers Lions Chargers Redskins 49ers Seahawks Eagles Pats Bills Texans Bears Chiefs Jets Packers Cards Saints Bengals Ravens Broncos Falcons Buccs Giants Vikings Dolphins Jags Colts Browns Raiders Panthers Cowboys Titans Rams Steelers Lions Chargers Redskins 49ers Seahawks Eagles Pats Bills Texans Bears Chiefs Jets Packers Cards Saints Bengals Ravens Green represents a win. The MLP and the SVM predicted that game outcomes very similarly. They only differed on the outcomes of the Falcons vs. Redskins game and the Cowboys vs. Packers game. This can be explained because in those two matchups both teams are very comparable. For the most part, and using my human bias, most of the predictions seem very reasonable. There is only one game that is very questionable and that is the Broncos versus the Chargers. The Broncos are the heavy favorite and virtually every sports news pundit has picked them to win. But that is why I chose to do this. I wanted to remove the human bias. The Results

11 Actual Game Outcomes MLP Week 15 Results SVM Week 15 Results Broncos Chargers Broncos Chargers Broncos Chargers Falcons Redskins Falcons Redskins Falcons Redskins Buccs 49ers Buccs 49ers Buccs 49ers Giants Seahawks Giants Seahawks Giants Seahawks Vikings Eagles Vikings Eagles Vikings Eagles Dolphins Pats Dolphins Pats Dolphins Pats Jags Bills Jags Bills Jags Bills Colts Texans Colts Texans Colts Texans Browns Bears Browns Bears Browns Bears Raiders Chiefs Raiders Chiefs Raiders Chiefs Panthers Jets Panthers Jets Panthers Jets Cowboys Packers Cowboys Packers Cowboys Packers Titans Cards Titans Cards Titans Cards Rams Saints Rams Saints Rams Saints Steelers Bengals Steelers Bengals Steelers Bengals Lions Ravens Lions Ravens Lions Ravens Looking at the results, it seems as if both predicting machines did very poorly. And yes, it is true that this week they did. But if we look closer at week 15, we see that there were many games that are considered upsets. And this just shows the unpredictability of the NFL. The intangibles are very hard to predict. The upsets: 1) The Vikings over the Eagles: The usually explosive Eagles offense did not perform up to their usual standard. But even more unexpected was the offensive output of the Vikings. This game epitomizes the unpredictability of the NFL. 2) The Dophins over the Patriots: The usually high-powered offense of the Patriots had an off day. This could be because the play-making ability of the injured tight Rob Gronkowski was absent from the field. 3) The Rams over the Saints: Drew Brees and the Saints were let down by the atrocious effort in the running game. The rest of the games were just too close to call.

12 Future Attempts If I were to do this again in the future, I would add defensive stats to the feature vector. While the NFL is a very offensive oriented league, the defense definitely does play a role in the outcome of the games. While 88% predictability rate is very high, I believe that adding a defensive element to the feature vectors could push the classification rate into the 90 percentile. References This site had reliable csv files full of nfl stats NFL.com, ESPN.com,

13 Matlab Code 1. final_svm_classify.m This matlab code trained and tested via 4-way cross validation different configurations of a support vector machine. clear all; close all load TeamStatsDifferentials2012.txt data = TeamStatsDifferentials2012; for i=1:15 data(:,i) = translate(data(:,i), 0, 10); train = zeros(381,16,4); test = zeros(127,16,4); data1 = data(1:127, 1:16); data2 = data(128:254, 1:16); data3 = data(255:381, 1:16); data4 = data(382:508, 1:16); train(:,:,1) = [data1;data2;data3]; train(:,:,2) = [data1;data2;data4]; train(:,:,3) = [data1;data3;data4]; train(:,:,4) = [data2;data3;data4]; test(:,:,1) = data4; test(:,:,2) = data3; test(:,:,3) = data2; test(:,:,4) = data1; temp = ['linear '; 'linear '; 'polynomial';... 'polynomial'; 'rbf '; 'rbf ']; funct = cellstr(temp); C = [1, , 1, , 1, ]; options = optimset('maxiter',100000); ConfMatrix = zeros(2,2,6); ClassRate = zeros(1,6); for i=1:6 TN=0; FN=0; FP=0; TP=0; for j=1:4 model=svmtrain(train(:,1:15,j), train(:,16,j), 'kernel_function',...

14 char(funct(i)),'options',options,'boxconstraint',... C(i), 'method', 'QP'); tested=svmclassify(model,test(:,1:15,j)); for k=1:127 if test(k,16,j)==1 if tested(k,1)==1 TP = TP+1; else FN = FN+1; else if tested(k,1)==1 FP = FP+1; else TN = TN+1; ConfMatrix(1,1,i) = ConfMatrix(1,1,i) + TN; ConfMatrix(2,1,i) = ConfMatrix(2,1,i) + FN; ConfMatrix(1,2,i) = ConfMatrix(1,2,i) + FP; ConfMatrix(2,2,i) = ConfMatrix(2,2,i) + TP; ClassRate(1,i) = (TN+TP)/508; 2. final_svm_classify_predict.m This matlab script trained a linear svm and tested the prediction data. clear all; close all load TeamStatsDifferentials2012.txt; data = TeamStatsDifferentials2012; load PredictionData.txt; testdata = PredictionData; for i=1:15 data(:,i) = translate(data(:,i), 0, 10); testdata(:,i) = translate(testdata(:,i), 0, 10); C = [1, , 1, , 1, ]; options = optimset('maxiter',100000); model=svmtrain(data(:,1:15), data(:,16), 'kernel_function',... 'linear','options',options,'boxconstraint',... C(1), 'method', 'QP'); tested=svmclassify(model,testdata(:,1:15)); 3. mybp_svm.m

15 This matlab script trained and test via 4-way cross validation back-propagating mlps. This input came in through a text file. clear all, close all load TeamStatsDifferentials2012_mlp.txt data = TeamStatsDifferentials2012_mlp; for i=1:15 data(:,i) = translate(data(:,i), 0, 10); [ua,sa,va] = svd(data(:,1:15),0); ConfMat = zeros(2,2,1); ClassRate = zeros(9,3); file = fopen('mlpinput2.txt', 'r'); for b=1:10; m=11; u_vec1 = ua(:, 1:m); vec1 = u_vec1 * u_vec1'; svddata = [vec1*data(:, 1:15) data(:,16:17)]; data1 = svddata(1:127, :); data2 = svddata(128:254, :); data3 = svddata(255:381, :); data4 = svddata(382:508, :); traindata(:,:,1) = [data1;data2;data3]; traindata(:,:,2) = [data1;data2;data4]; traindata(:,:,3) = [data1;data3;data4]; traindata(:,:,4) = [data2;data3;data4]; testdata(:,:,1) = data4; testdata(:,:,2) = data3; testdata(:,:,3) = data2; testdata(:,:,4) = data1; line = fgetl(file); input = str2num(line); for c=1:8 ConfMat(:,:,b) = 0; for a=1:4 mybpconfig_svm(input, traindata(:,:, a), testdata(:,:,a)); % configurate the MLP network and learning parameters. load mlpconfig.mat % BP iterations begins while not_converged==1, % start a new epoch % Randomly select K training samples from the training set.

16 M+N [train,ptr,train0]=rsample(train0,k,kr,ptr); % train is K by z{1}=(train(:,1:m))'; % input sample matrix M by K d=train(:,m+1:mn)'; % corresponding target value N by K % Feed-forward phase, compute sum of square errors for l=2:l, % the l-th layer u{l}=w{l}*[ones(1,k);z{l-1}]; % u{l} is n(l) by K z{l}=actfun(u{l},atype(l)); error=d-z{l}; % error is N by K E(t)=sum(sum(error.*error)); % Error back-propagation phase, compute delta error delta{l}=actfunp(u{l},atype(l)).*error; % N (=n(l)) by K if L>2, for l=l-1:-1:2, delta{l}=(w{l+1}(:,2:n(l)+1))'*delta{l+1}.*actfunp(u{l},atype(l)); perturbation % update the weight matrix using gradient, momentum and random for l=2:l, dw{l}=alpha*delta{l}*[ones(1,k);z{l-1}]'+... mom*dw{l}+randn(size(w{l}))*0.005; w{l}=w{l}+dw{l}; % display the training error %bpdisplay; satisfied, % Test convergence to see if the convergence condition is cvgtest; t = t + 1; % increment epoch count % while loop %disp('final training results:') if classreg==0, [Cmat,crate]=bptest(wbest,tune,atype); elseif classreg==1, SS=bptestap(wbest,tune,atype), if testys==1, %disp('apply trained MLP network to the testing data. The results are: '); if classreg==0, [Cmat,crate,cout]=bptest(wbest,test0,atype,labeled,N); if labeled==1, %disp('confusion matrix Cmat = '); disp(cmat); %disp(['classification = ' num2str(crate) '%']) elseif labeled==0,

17 % print out classifier output only if there is no label disp('classifier outputs are: ') disp(cout); elseif classreg==1, SS=bptestap(wbest,test0,atype), ConfMat(:,:,b) = ConfMat(:,:,b) + Cmat; ClassRate(c,b) = (ConfMat(1,1,b)+ConfMat(2,2,b))/508; ClassRate(9,b) = mean(classrate(1:8,b)); 4. mybp_config.m This matlab script takes in input to set up the mlp, training data, and testing data. function mybpconfig( input, train, test ) train0 = train; [Kr,MN]=size(train); M= MN-2; N=MN-M; testys=1; test0 = test; [Kt,MNt]=size(test0); if MNt == MN, labeled=1; else labeled=0; scalein= input(2); [tmp,xmin,xmax]=scale([train0(:,(1:m)); test0(:,(1:m))],-5,5); train0(:,(1:m))=tmp((1:kr),:); test0(:,(1:m))=tmp((kr+1):(kr+kt),:); L1 = input(3); L=L1+1; n(1) = M; n(l) = N; j = 4; for i=2:l-1, n(i)= input(j); w{i}=0.001*randn(n(i),n(i-1)+1); % first column is the bias weight dw{i}=zeros(size(w{i})); % initialize dw j = j + 1; w{l}=0.005*randn(n(l),n(l-1)+1); % first column is the bias weight dw{l}=zeros(size(w{l}));

18 % choose types of activation function % default: hidden layers, tanh (type = 2), output layer, sigmoid (type = 1) % default parameter T = 1 is used. atype=2*ones(l,1); atype(l)=1; % default %disp('by default, hidden layers use tanh activation function, output use sigmoidal'); chostype= input(j); %if isempty(chostype), chostype=0; if chostype==1, disp('============================================================='); disp('activation function type 1: sigmoidal'); disp('activation function type 2: hyperbolic tangent'); disp('activation function type 3: linear'); for l=2:l, atype(l)=input(['layer #' int2str(l) ' activation function type = ']); % next load a tuning set file to help determine training errors % or partition the training file into a training and a tuning file. %disp('enter 0 (default) if a pattern classification problem, '); classreg= input(j+1); %if isempty(classreg), classreg=0; %disp('============================================================='); % msg_1=[... % 'To estimate training error, choose one of the following: ' % '1 - Use the entire training set to estimate training error; ' % '2 - Use a separate fixed tuning data file to estimate training error;' % '3 - Partition training set dynamically into training and tuning sets;' % ' (This is for pattern classification problem) ']; % disp(msg_1); %chos=input('enter your selection (default = 1): '); chos= input(j+2); %if isempty(chos), chos=1; if chos==1, tune=train0; elseif chos==2, dir; tune_name=input(' Enter tuning filename in single quote, no file extension: '); eval(['load ' tune_name]); tune=eval(tune_name); eval(['clear ' tune_name]); % scale the tuning file feature vectors and output as it is newly loaded. if scalein==1, % scale input to [-5 5] [tune(:,1:m),xmin,xmax]=scale(tune(:,1:m),-5,5); elseif chos==3, % partition the training file into a training and tuning % according to a user-specified percentage prc=input('percentage (0 to 100) of training data reserved for tuning: ');

19 [tune,train0]=partunef(train0,m,prc); [Kr,MN]=size(train0); % this train0 is only a subset of original train0 and hence % Kr must be updated. [Ktune,MN]=size(tune); % scaling the output of training set data % normally the output will be scaled to [outlow outhigh] = [ ] % for sigmoidal activation function, and [ ] for hyperbolic tangent % or linear activation function at the output nodes. % However, the actual output of MLP during testing of tuning file or testing % file will be handled differently: % a) Pattern classification problem: since we are concerned only with the maximum % among all output, the output of MLP will not be changed even it ranges only % between [outlow outhigh] rather than [0 1] % b) Approximation (regression) problem: the output of MLP will be scaled back % for comparison with target values % disp('============================================================='); % disp('output from output nodes for training samples may be scaled to: ') % disp('[ ] for sigmoidal activation function or '); % disp('[ ] for hyperbolic tangent or linear activation function '); %scaleout=input('=enter 1 (default) to scale the output: '); scaleout= input(j+3); %if isempty(scaleout), scaleout=1; if atype(l)==1, outlow = 0.2; elseif atype(l)==2 atype(l) == 3, outlow = - 0.8; outhigh=0.8; if scaleout==1, [train0(:,m+1:mn),zmin,zmax]=scale(train0(:,m+1:mn),outlow,outhigh); % scale output % scale the target value of tuning set [tune(:,m+1:mn),zmin,zmax]=scale(tune(:,m+1:mn),outlow,outhigh); % scale target value of testing set if available if testys==1 & labeled==1 % if testing set specifies output [test0(:,m+1:mn),zmin,zmax]=scale(test0(:,m+1:mn),outlow,outhigh); % now, we have a training file and a tuning file % learning parameters %disp('============================================================='); %alpha=input('learning rate (between 0 and 1, default = 0.1) alpha = '); alpha= input(j+4); %if isempty(alpha), alpha=0.1;

20 %mom=input(' momentum constant (between 0 and 1, default 0.8) mom = '); mom= input(j+5); %if isempty(mom), mom=0.8; % termination criteria % A. Terminate when the max. # of epochs to run is reached. %nepoch=input('maximum number of epochs to run, nepoch = '); nepoch= input(j+6); %disp(['# training samples = ' int2str(kr)]); %K = input(['epoch size (default = ' int2str(min(64,kr)) ', <= ' int2str(kr) ') = ']); K= input(j+7); %if isempty(k), K=min(64,Kr); %disp(['total # of training samples applied = ' int2str(nepoch*k)]); % B. Check the tuning set testing result periodically. If the tuning set testing % results is reducing, save the weights. When the tuning set testing results % start increasing, stop training, and use the previously saved weights. %disp('============================================================='); % nck=input(['# of epochs between convergence check (> '... % int2str(ceil(kr/k)) '): ']); nck= input(j+8); % disp(' '); % disp('if testing on tuning set meets no improvement for n0'); %maxstall=input('iterations, stop training! Enter n0 = '); maxstall= input(j+9); nstall=0; % initilize # of no improvement count. when nstall > maxstall, quit. if classreg==0, bstrate=0; % initialize classification rate on tuning set to 0 elseif classreg==1, bstss=1; % intialize tuning set error to maximum ssthresh=0.001; % initialize thres % training status monitoring E=zeros(1,nepoch); % record training error ndisp=5; % disp(' '); % disp(['the training error is plotted every ' int2str(ndisp) ' iterations']); % disp('enter <Return> to use default value. ') % chos1=input('enter a positive integer to set to a new value: '); chos1= input(j+10); if isempty(chos1), ndisp=5;

21 elseif chos1>0, ndisp=chos1; else ndisp=input('you must enter a positive integer, try again: '); % intialization for the bp iterations t = 1; % initialize epoch counter ptr=1; % initialize pointer for re-sampling the training file not_converged = 1; % not yet converged % save all variables into a file so that user needs not reenter all of them save mlpconfig.mat

Effect of homegrown players on professional sports teams

Effect of homegrown players on professional sports teams Effect of homegrown players on professional sports teams ISYE 2028 Rahul Patel 902949215 Problem Description: Football is commonly referred to as America s favorite pastime. However, for thousands of people

More information

BASKETBALL PREDICTION ANALYSIS OF MARCH MADNESS GAMES CHRIS TSENG YIBO WANG

BASKETBALL PREDICTION ANALYSIS OF MARCH MADNESS GAMES CHRIS TSENG YIBO WANG BASKETBALL PREDICTION ANALYSIS OF MARCH MADNESS GAMES CHRIS TSENG YIBO WANG GOAL OF PROJECT The goal is to predict the winners between college men s basketball teams competing in the 2018 (NCAA) s March

More information

Predicting the Total Number of Points Scored in NFL Games

Predicting the Total Number of Points Scored in NFL Games Predicting the Total Number of Points Scored in NFL Games Max Flores (mflores7@stanford.edu), Ajay Sohmshetty (ajay14@stanford.edu) CS 229 Fall 2014 1 Introduction Predicting the outcome of National Football

More information

Largest Comeback vs. Eagles vs. Minnesota Vikings at Veterans Stadium, December 1, 1985 (came back from 23-0 deficit in 4th qtr.

Largest Comeback vs. Eagles vs. Minnesota Vikings at Veterans Stadium, December 1, 1985 (came back from 23-0 deficit in 4th qtr. BLANK SINGLE-SEASON TEMPLATE TEAM RECORDS SCORING Most Points Scored 474 (2014, 16 games) 457 (2017, 15 games( 442 (2013, 16 games) 439 (2010, 16 games) 429 (2009, 16 games) Fewest Scored 51 (1936, 12

More information

Neural Networks II. Chen Gao. Virginia Tech Spring 2019 ECE-5424G / CS-5824

Neural Networks II. Chen Gao. Virginia Tech Spring 2019 ECE-5424G / CS-5824 Neural Networks II Chen Gao ECE-5424G / CS-5824 Virginia Tech Spring 2019 Neural Networks Origins: Algorithms that try to mimic the brain. What is this? A single neuron in the brain Input Output Slide

More information

Building an NFL performance metric

Building an NFL performance metric Building an NFL performance metric Seonghyun Paik (spaik1@stanford.edu) December 16, 2016 I. Introduction In current pro sports, many statistical methods are applied to evaluate player s performance and

More information

Web Address: Address: 2018 Official Rules Summary

Web Address:    Address: 2018 Official Rules Summary 2018 Official Rules Summary 1. $5.00 per week per entry over 17 weeks of the regular season and $5.00 for the playoffs. ($90.00 total for season). No limit on the number of entries per person each week.

More information

PLAYOFF RACES HEATING UP AS NFL SEASON ROLLS ON

PLAYOFF RACES HEATING UP AS NFL SEASON ROLLS ON FOR IMMEDIATE RELEASE 11/13/12 http://twitter.com/nfl345 PLAYOFF RACES HEATING UP AS NFL SEASON ROLLS ON The NFL has entered the second half of the season and the excitement is building as playoff races

More information

Evaluating and Classifying NBA Free Agents

Evaluating and Classifying NBA Free Agents Evaluating and Classifying NBA Free Agents Shanwei Yan In this project, I applied machine learning techniques to perform multiclass classification on free agents by using game statistics, which is useful

More information

MORE EXCITING FOOTBALL AHEAD AS NFL ENTERS WEEK 3

MORE EXCITING FOOTBALL AHEAD AS NFL ENTERS WEEK 3 MORE EXCITING FOOTBALL AHEAD AS NFL ENTERS WEEK 3 Two games down. Fourteen more to go. Eight teams are off to strong starts at 2-0: Baltimore, Denver, Houston, Minnesota, New England, the New York Giants,

More information

History of The Seattle Seahawks

History of The Seattle Seahawks History of The Seattle Seahawks June 5, 1974 January 4, 1976 Seattle gets NFL Franchise for 1976 season - for $16 million Seahawks choose a coach Jack Patera November 8, 1976 Seahawks stun Falcons, 30-13

More information

NFL Calendar 2019 NFL Draft

NFL Calendar 2019 NFL Draft NFL Calendar 2019 NFL Draft NFL Calendar 2019 Thru the NFL Draft 2019 February 3: Super Bowl Atlanta, Georgia February 19 First day for clubs to designate Franchise or Transition Players. Feb 26-March

More information

By Kerry Beck. Kerry Beck,

By Kerry Beck.   Kerry Beck, By Kerry Beck www.howtohomeschoolmychild.com/blog Super Bowl Alphabetizing Use the list of NFL-American Conference teams. Place them in alphabetical order. 1. 2. 3. 4. 5. 6. 7. 8. 9. 10. 11. 12. 13. 14.

More information

Kevin Greene. Kevin Greene, a fifth-round draft pick of the Los Angeles Rams in the 1985 NFL Draft,

Kevin Greene. Kevin Greene, a fifth-round draft pick of the Los Angeles Rams in the 1985 NFL Draft, Kevin Greene Kevin Greene, a fifth-round draft pick of the Los Angeles Rams in the 1985 NFL Draft, quickly developed into one of the most punishing pass rushers in league history. A walk-on at Auburn he

More information

Machine Learning an American Pastime

Machine Learning an American Pastime Nikhil Bhargava, Andy Fang, Peter Tseng CS 229 Paper Machine Learning an American Pastime I. Introduction Baseball has been a popular American sport that has steadily gained worldwide appreciation in the

More information

A Novel Approach to Predicting the Results of NBA Matches

A Novel Approach to Predicting the Results of NBA Matches A Novel Approach to Predicting the Results of NBA Matches Omid Aryan Stanford University aryano@stanford.edu Ali Reza Sharafat Stanford University sharafat@stanford.edu Abstract The current paper presents

More information

History of The Carolina Panthers

History of The Carolina Panthers History of The Carolina Panthers October 27, 1993 NFL awards 29th franchise to Charlotte, N.C. January 24, 1995 Panthers give Dom Capers 5-year deal October 16, 1995 Defense helps Carolina grab first victory;

More information

Navigate to the golf data folder and make it your working directory. Load the data by typing

Navigate to the golf data folder and make it your working directory. Load the data by typing Golf Analysis 1.1 Introduction In a round, golfers have a number of choices to make. For a particular shot, is it better to use the longest club available to try to reach the green, or would it be better

More information

New England Denver Broncos

New England Denver Broncos NFL GameDay Week 15 New England Patriots @ Denver Broncos USUALLY TIM TEBOW WAITS UNTIL THE FOURTH QUARTER TO TIE UP THE LOOSE ENDS. / BUT AGAINST NEW ENGLAND, TEBOW AND THE BRONCOS WERE LACED UP, AND

More information

PREDICTING the outcomes of sporting events

PREDICTING the outcomes of sporting events CS 229 FINAL PROJECT, AUTUMN 2014 1 Predicting National Basketball Association Winners Jasper Lin, Logan Short, and Vishnu Sundaresan Abstract We used National Basketball Associations box scores from 1991-1998

More information

2019 NFL SCHEDULE ANNOUNCED

2019 NFL SCHEDULE ANNOUNCED FOR USE AS DESIRED 4/17/19 2019 NFL SCHEDULE ANNOUNCED Complete 256-Game Regular-Season Schedule Available on NFL.com The NFL announced today its 17-week, 256-game regular-season schedule in 2019, which

More information

Estimating the Probability of Winning an NFL Game Using Random Forests

Estimating the Probability of Winning an NFL Game Using Random Forests Estimating the Probability of Winning an NFL Game Using Random Forests Dale Zimmerman February 17, 2017 2 Brian Burke s NFL win probability metric May be found at www.advancednflstats.com, but the site

More information

B. AA228/CS238 Component

B. AA228/CS238 Component Abstract Two supervised learning methods, one employing logistic classification and another employing an artificial neural network, are used to predict the outcome of baseball postseason series, given

More information

Modeling Fantasy Football Quarterbacks

Modeling Fantasy Football Quarterbacks Augustana College Augustana Digital Commons Celebration of Learning Modeling Fantasy Football Quarterbacks Kyle Zeberlein Augustana College, Rock Island Illinois Myles Wallin Augustana College, Rock Island

More information

HOMECOMING AT LAMBEAU FIELD ATTRACTS GREEN BAY PACKER LEGENDS. GREEN BAY S PRESENT GENERATION OF CHAMPIONS DID NOT DISAPPOINT.

HOMECOMING AT LAMBEAU FIELD ATTRACTS GREEN BAY PACKER LEGENDS. GREEN BAY S PRESENT GENERATION OF CHAMPIONS DID NOT DISAPPOINT. NFL GAMEDAY Week 2 WASHINGTON REDSKINS @ GREEN BAY PACKERS HOMECOMING AT LAMBEAU FIELD ATTRACTS GREEN BAY PACKER LEGENDS. GREEN BAY S PRESENT GENERATION OF CHAMPIONS DID NOT DISAPPOINT. BEFORE THE LARGEST

More information

OLD PAC 10 FOES, FORMER OREGON HEAD COACH CHIP KELLY AND SOUTHERN CAL S PETE CARROLL FACED EACH OTHER ONCE MORE IN A CRITICAL NFC BATTLE.

OLD PAC 10 FOES, FORMER OREGON HEAD COACH CHIP KELLY AND SOUTHERN CAL S PETE CARROLL FACED EACH OTHER ONCE MORE IN A CRITICAL NFC BATTLE. NFL GAMEDAY WEEK 14 SEATTLE SEAHAWKS @ PHILADELPHIA EAGLES OLD PAC 10 FOES, FORMER OREGON HEAD COACH CHIP KELLY AND SOUTHERN CAL S PETE CARROLL FACED EACH OTHER ONCE MORE IN A CRITICAL NFC BATTLE. CARROLL

More information

2015 Fantasy NFL Scouting Report

2015 Fantasy NFL Scouting Report Introduction to Daily Fantasy Football on DraftKings DraftKings NFL Roster Structure Scoring System D Quarterback Running Back Running Back OFFENSE Passing TD 25 Passing Yds 300+ Passing Yds +4 F Tight

More information

CS 221 PROJECT FINAL

CS 221 PROJECT FINAL CS 221 PROJECT FINAL STUART SY AND YUSHI HOMMA 1. INTRODUCTION OF TASK ESPN fantasy baseball is a common pastime for many Americans, which, coincidentally, defines a problem whose solution could potentially

More information

How Do Injuries in the NFL Affect the Outcome of the Game

How Do Injuries in the NFL Affect the Outcome of the Game How Do Injuries in the NFL Affect the Outcome of the Game Andy Sun STATS 50 2014 Motivation NFL injury surveillance shows upward trend in both the number and severity of injuries Packers won 2010 Super

More information

Basketball field goal percentage prediction model research and application based on BP neural network

Basketball field goal percentage prediction model research and application based on BP neural network ISSN : 0974-7435 Volume 10 Issue 4 BTAIJ, 10(4), 2014 [819-823] Basketball field goal percentage prediction model research and application based on BP neural network Jijun Guo Department of Physical Education,

More information

CS 7641 A (Machine Learning) Sethuraman K, Parameswaran Raman, Vijay Ramakrishnan

CS 7641 A (Machine Learning) Sethuraman K, Parameswaran Raman, Vijay Ramakrishnan CS 7641 A (Machine Learning) Sethuraman K, Parameswaran Raman, Vijay Ramakrishnan Scenario 1: Team 1 scored 200 runs from their 50 overs, and then Team 2 reaches 146 for the loss of two wickets from their

More information

HUSKERS in the NFL. Nebraska Football in the NFL

HUSKERS in the NFL. Nebraska Football in the NFL HUSKERS in the NFL Nebraska Football in the NFL Nebraska owns one of the most impressive histories of any school with players in the National Football League. Nearly 300 former Huskers have represented

More information

As of July 1, Nebraska had 39 former players on NFL rosters including 17 players with four or more years of experience.

As of July 1, Nebraska had 39 former players on NFL rosters including 17 players with four or more years of experience. HUSKERS NFL in the Nebraska Football in the NFL Nebraska owns one of the most impressive histories of any school with players in the National Football League. Nearly 300 former Huskers have represented

More information

[ONLINE].. Indianapolis Colts vs Detroit Lions live stream free (NFL Preseason 2017)...

[ONLINE].. Indianapolis Colts vs Detroit Lions live stream free (NFL Preseason 2017)... [ONLINE].. Indianapolis Colts vs Detroit Lions live stream free (NFL Preseason 2017)... Watch..Live: http://livestreamworld.com/nflive/ Watch..Live: http://livestreamworld.com/nflive/ [ONLINE].. Indianapolis

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay Scott Kellen NFL SCHEDULE SAMPLE Thursday game Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions 7.24 BYE

More information

Predicting NBA Shots

Predicting NBA Shots Predicting NBA Shots Brett Meehan Stanford University https://github.com/brettmeehan/cs229 Final Project bmeehan2@stanford.edu Abstract This paper examines the application of various machine learning algorithms

More information

IN THE SECOND QUARTER, THE FESTIVE MOOD INSIDE COWBOYS STADIUM SUDDENLY TURNED SOUR.

IN THE SECOND QUARTER, THE FESTIVE MOOD INSIDE COWBOYS STADIUM SUDDENLY TURNED SOUR. NFL GAMEDAY Week 7 NEW YORK GIANTS @ DALLAS COWBOYS AT THE START, IT WAS THE GIANTS WHO LOOKED FLAT. DALLAS TOOK THE AIR OUT OF NEW YORK S PASSING ATTACK WITH A PAIR OF INTERCEPTIONS. IN THE SECOND QUARTER,

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay NFL SCHEDULE SAMPLE Thursday game Opponent off bye week Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions

More information

Lecture 5. Optimisation. Regularisation

Lecture 5. Optimisation. Regularisation Lecture 5. Optimisation. Regularisation COMP90051 Statistical Machine Learning Semester 2, 2017 Lecturer: Andrey Kan Copyright: University of Melbourne Iterative optimisation Loss functions Coordinate

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay NFL SCHEDULE SAMPLE Thursday game Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions 7.24 BYE 10/9/2016 14

More information

ARTIFICIAL NEURAL NETWORK BASED DESIGN FOR DUAL LATERAL WELL APPLICATIONS

ARTIFICIAL NEURAL NETWORK BASED DESIGN FOR DUAL LATERAL WELL APPLICATIONS The Pennsylvania State University the Graduate School Department of Energy and Mineral Engineering ARTIFICIAL NEURAL NETWORK BASED DESIGN FOR DUAL LATERAL WELL APPLICATIONS Thesis in Energy and Mineral

More information

2013 INTERNATIONAL BROADCAST GUIDE 2013 NFL INTERNATIONAL BROADCAST GUIDE

2013 INTERNATIONAL BROADCAST GUIDE 2013 NFL INTERNATIONAL BROADCAST GUIDE 2013 INTERNATIONAL BROADCAST GUIDE 2013 NFL INTERNATIONAL BROADCAST GUIDE Table of Contents The purpose of this guide is to provide our international broadcasters with detailed information on NFL Operations

More information

National Football League

National Football League 1 Albo d Oro 1920 Akron PROS - 1921 Chicago STALEYS - 1922 Canton BULLDOGS - 1923 Canton BULLDOGS - 1924 Cleveland BULLDOGS - 1925 Chicago CARDINALS - 1926 Frankford YELLOW JACKETS - 1927 New York GIANTS

More information

Professional Football in Texas

Professional Football in Texas Professional Football in Texas Professional football first arrived in Texas in the fall of 152 when a 1-member syndicate purchased the National Football League franchise that had been known as the New

More information

Tampa Bay. Buccaneers Recap

Tampa Bay. Buccaneers Recap Tampa Bay Buccaneers 2016 Recap After just one Tampa Bay Buccaneer finished in the top 20 in fantasy scoring at his position in 2014 (Mike Evans finished 13th), the Bucs flipped the script in 2016, with

More information

TOTALS TIPSHEET. PLAYBOOK presents: Victor King s NFL O/U

TOTALS TIPSHEET. PLAYBOOK presents: Victor King s NFL O/U PLAYBOOK presents: Victor King s NFL O/U TOTALS TIPSHEET Single $8.00 / Rest of Season: $8 Volume 13, Issue 17 Holiday CHEER: Tipsheet SWEEPS (3-0) going into LAST issue of the year! TWITTER: @KingCreole1

More information

PREDICTING THE NCAA BASKETBALL TOURNAMENT WITH MACHINE LEARNING. The Ringer/Getty Images

PREDICTING THE NCAA BASKETBALL TOURNAMENT WITH MACHINE LEARNING. The Ringer/Getty Images PREDICTING THE NCAA BASKETBALL TOURNAMENT WITH MACHINE LEARNING A N D R E W L E V A N D O S K I A N D J O N A T H A N L O B O The Ringer/Getty Images THE TOURNAMENT MARCH MADNESS 68 teams (4 play-in games)

More information

Using Spatio-Temporal Data To Create A Shot Probability Model

Using Spatio-Temporal Data To Create A Shot Probability Model Using Spatio-Temporal Data To Create A Shot Probability Model Eli Shayer, Ankit Goyal, Younes Bensouda Mourri June 2, 2016 1 Introduction Basketball is an invasion sport, which means that players move

More information

SCOUT S HONOR! THE RAMS HAD SOLEMNLY PLEDGED TO BEAT THE FIRST- PLACE FALCONS.

SCOUT S HONOR! THE RAMS HAD SOLEMNLY PLEDGED TO BEAT THE FIRST- PLACE FALCONS. NFL GAMEDAY Week 11 ATLANTA FALCONS @ ST LOUIS RAMS SCOUT S HONOR! THE RAMS HAD SOLEMNLY PLEDGED TO BEAT THE FIRST- PLACE FALCONS. IT S ALSO THE BOY SCOUT S CREDO TO BE PREPARED. AND WHEN ONE RAM FOUND

More information

Predicting Tennis Match Outcomes Through Classification Shuyang Fang CS074 - Dartmouth College

Predicting Tennis Match Outcomes Through Classification Shuyang Fang CS074 - Dartmouth College Predicting Tennis Match Outcomes Through Classification Shuyang Fang CS074 - Dartmouth College Introduction The governing body of men s professional tennis is the Association of Tennis Professionals or

More information

Exploring the NFL. Introduction. Data. Analysis. Overview. Alison Smith <alison dot smith dot m at gmail dot com>

Exploring the NFL. Introduction. Data. Analysis. Overview. Alison Smith <alison dot smith dot m at gmail dot com> Exploring the NFL Alison Smith Introduction The National Football league began in 1920 with 12 teams and has grown to 32 teams broken into 2 leagues and 8 divisions.

More information

Predicting the NCAA Men s Basketball Tournament with Machine Learning

Predicting the NCAA Men s Basketball Tournament with Machine Learning Predicting the NCAA Men s Basketball Tournament with Machine Learning Andrew Levandoski and Jonathan Lobo CS 2750: Machine Learning Dr. Kovashka 25 April 2017 Abstract As the popularity of the NCAA Men

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay NFL SCHEDULE SAMPLE Thursday game Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions 7.24 BYE 10/9/2016 14

More information

The Ninth annual Midwest Regional Flag Football Championships took place over the weekend of November 9 th and 10 th, 2013 at Walled Lake Northern High School. This event featured 121 teams from across

More information

Hail to the Chief! BOB2Ki BALA FOOTBALL POOL 2018 WEEK 12 NOTES

Hail to the Chief! BOB2Ki BALA FOOTBALL POOL 2018 WEEK 12 NOTES BOB2Ki BALA FOOTBALL POOL 2018 WEEK 12 NOTES 1. Still no residents of Reverse Consensus Island. Twelve weeks in! 2. Ho! Ho! Ho! No, around here, that doesn t mean Christmas. It means Thanksgiving. As the

More information

2017 Boundary Success Rate Rankings

2017 Boundary Success Rate Rankings Methodology Let me give you an idea of what the heck the Coverage Productivity project is and why I ve been compiling this data since 4. The first thing that I must mention is how much I appreciate pushing

More information

Michele Luck s Social Studies & Other Teacher Resources

Michele Luck s Social Studies & Other Teacher Resources Michele Luck s Social Studies & Other Teacher Resources If you like this product, please visit my store for other Analysis Ac8vi8es, Scavenger Hunts, Archeological Digs, Walking Gallery Tours, Centers

More information

Pairwise Comparison Models: A Two-Tiered Approach to Predicting Wins and Losses for NBA Games

Pairwise Comparison Models: A Two-Tiered Approach to Predicting Wins and Losses for NBA Games Pairwise Comparison Models: A Two-Tiered Approach to Predicting Wins and Losses for NBA Games Tony Liu Introduction The broad aim of this project is to use the Bradley Terry pairwise comparison model as

More information

An Artificial Neural Network-based Prediction Model for Underdog Teams in NBA Matches

An Artificial Neural Network-based Prediction Model for Underdog Teams in NBA Matches An Artificial Neural Network-based Prediction Model for Underdog Teams in NBA Matches Paolo Giuliodori University of Camerino, School of Science and Technology, Computer Science Division, Italy paolo.giuliodori@unicam.it

More information

NFL Direction-Oriented Rushing O -Def Plus-Minus

NFL Direction-Oriented Rushing O -Def Plus-Minus NFL Direction-Oriented Rushing O -Def Plus-Minus ID: 6289 In football, rushing is an action of advancing the ball forward by running with it, instead of passing. Rush o ense refers to how well a team is

More information

Environmental Science: An Indian Journal

Environmental Science: An Indian Journal Environmental Science: An Indian Journal Research Vol 14 Iss 1 Flow Pattern and Liquid Holdup Prediction in Multiphase Flow by Machine Learning Approach Chandrasekaran S *, Kumar S Petroleum Engineering

More information

Decision Trees. Nicholas Ruozzi University of Texas at Dallas. Based on the slides of Vibhav Gogate and David Sontag

Decision Trees. Nicholas Ruozzi University of Texas at Dallas. Based on the slides of Vibhav Gogate and David Sontag Decision Trees Nicholas Ruozzi University of Texas at Dallas Based on the slides of Vibhav Gogate and David Sontag Announcements Course TA: Hao Xiong Office hours: Friday 2pm-4pm in ECSS2.104A1 First homework

More information

SPORTSCIENCE sportsci.org

SPORTSCIENCE sportsci.org SPORTSCIENCE sportsci.org Original Research / Performance A Brief Review of American Football Rules and Statistical Variables George Osorio (sportsci.org/2011/go.htm) Pix & Flips Inc., Costa Mesa, CA 92627.

More information

Can Ryan's upstart Falcons stop Brady's juggernaut Patriots?

Can Ryan's upstart Falcons stop Brady's juggernaut Patriots? Can Ryan's upstart Falcons stop Brady's juggernaut Patriots? By Associated Press, adapted by Newsela staff on 01.25.17 Word Count 827 Atlanta Falcons quarterback Matt Ryan (2) recovers a fumbled ball against

More information

Take Me Out to the Ball Game. By: Sarah Gates

Take Me Out to the Ball Game. By: Sarah Gates Take Me Out to the Ball Game By: Sarah Gates Geographic Question: How does the location of major league sports teams correlate to population patterns of the U.S.? Overview: At the middle to high school

More information

COLLEGE FOOTBALL BOWL GAME PICKS LET'S GO BOWLING!

COLLEGE FOOTBALL BOWL GAME PICKS LET'S GO BOWLING! Volume 37 Issue 19 Date: December 26, 2018 Murray /Sooners In The Playoffs College Football Recap COLLEGE FOOTBALL BOWL GAME PICKS LET'S GO BOWLING! The College Football Playoff is set. Unbeaten and top-ranked

More information

This Week s Issue Includes:

This Week s Issue Includes: 2018 WEEK 12 $25 Featuring the SDQL This Week s Issue Includes: MTi s and SBB s Game Selections, 5-STAR MTi Teaser, Individual Game Pages with 5+ Trends, Featured NFL and NCAA Trends MTI s Newsletter Teaser

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay NFL SCHEDULE SAMPLE Thursday game Opponent off bye week Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions

More information

NFL REGULAR SEASON WIN REPORT

NFL REGULAR SEASON WIN REPORT MTI S 2015 NFL REGULAR SEASON WIN REPORT è 2015 Futures Lines è 2015 Match-up Analysis è 2015 Scheduling Features è RSW Results 2011 2014 All of the information presented in this report was uncovered using

More information

Apple Device Instruction Guide- High School Game Center (HSGC) Football Statware

Apple Device Instruction Guide- High School Game Center (HSGC) Football Statware Apple Device Instruction Guide- High School Game Center (HSGC) Football Statware Getting Started 1. Download the app on your Apple device a. Open the app store b. Search for Digital Scout, Inc. c. Locate

More information

Predicting the use of the sacrifice bunt in Major League Baseball BUDT 714 May 10, 2007

Predicting the use of the sacrifice bunt in Major League Baseball BUDT 714 May 10, 2007 Predicting the use of the sacrifice bunt in Major League Baseball BUDT 714 May 10, 2007 Group 6 Charles Gallagher Brian Gilbert Neelay Mehta Chao Rao Executive Summary Background When a runner is on-base

More information

2015 NFL ANNUAL. Featuring the SDQL Perfect NFL Trends In-depth Wagering Studies Key Systems and Notes and Much, Much More

2015 NFL ANNUAL. Featuring the SDQL Perfect NFL Trends In-depth Wagering Studies Key Systems and Notes and Much, Much More 2015 NFL ANNUAL Featuring the SDQL 400+ Perfect NFL Trends In-depth Wagering Studies Key Systems and Notes and Much, Much More Make 2015 your best season yet! At KillerSports, we have the must-have handicapping

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay Scott Kellen NFL SCHEDULE SAMPLE Thursday game Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions 7.24 BYE

More information

Running head: DATA ANALYSIS AND INTERPRETATION 1

Running head: DATA ANALYSIS AND INTERPRETATION 1 Running head: DATA ANALYSIS AND INTERPRETATION 1 Data Analysis and Interpretation Final Project Vernon Tilly Jr. University of Central Oklahoma DATA ANALYSIS AND INTERPRETATION 2 Owners of the various

More information

Football Play Type Prediction and Tendency Analysis

Football Play Type Prediction and Tendency Analysis Football Play Type Prediction and Tendency Analysis by Karson L. Ota B.S. Computer Science and Engineering Massachusetts Institute of Technology, 2016 SUBMITTED TO THE DEPARTMENT OF ELECTRICAL ENGINEERING

More information

The probability of winning a high school football game.

The probability of winning a high school football game. Columbus State University CSU epress Faculty Bibliography 2008 The probability of winning a high school football game. Jennifer Brown Follow this and additional works at: http://csuepress.columbusstate.edu/bibliography_faculty

More information

Sports. Baseball. PERSONALIZE your cake by adding your own message, photo & icing colors Includes three baseball player figurines!

Sports. Baseball. PERSONALIZE your cake by adding your own message, photo & icing colors Includes three baseball player figurines! PERSONALIZE Includes three baseball player figurines! Shown on ¼ Two Tier Cake Serves 64 100/170 cal. per slice 3 + WARNING Baseball 65 Decopac/MLBP 2013 Anaheim Angels #4672 Arizona Diamondbacks #4709

More information

Phoenix Cardinals. Record: th Place - NFC East Head Coach: Joe Bugel Defense: 3-4 Against Runs and Passes: Poor. Sun Devil Stadium - 74,865

Phoenix Cardinals. Record: th Place - NFC East Head Coach: Joe Bugel Defense: 3-4 Against Runs and Passes: Poor. Sun Devil Stadium - 74,865 Phoenix Cardinals Record: 4-12 5th Place - NFC East Head Coach: Joe Bugel Against Runs and Passes: Poor Sun Devil Stadium - 74,865 Atlanta Falcons Record: 10-6 2nd Place - NFC West (Wild Card) Lost - NFC

More information

RAMS IN PROFESSIONAL FOOTBALL

RAMS IN PROFESSIONAL FOOTBALL Emmanuel Akah (G) Anthony Blaylock (DB) Jack Cameron (WR) WSSU alum Emmanuel Akah played professional football in the now-defunct NFL Europa. Akah split the 2006 NFL Europe League season, having started

More information

Using Markov Chains to Analyze a Volleyball Rally

Using Markov Chains to Analyze a Volleyball Rally 1 Introduction Using Markov Chains to Analyze a Volleyball Rally Spencer Best Carthage College sbest@carthage.edu November 3, 212 Abstract We examine a volleyball rally between two volleyball teams. Using

More information

GSIS Video Director s Report ASCII File Layout 2013 Season

GSIS Video Director s Report ASCII File Layout 2013 Season GSIS Video Director s Report ASCII File Layout 2013 Season Current File Version: 5.0 As of: April 22, 2013 The video director s report lists game plays in a format designed to be easily compared to filmed

More information

Gameplan. Basic Game. Version PDF by BaH

Gameplan. Basic Game. Version PDF by BaH Gameplan Basic Game PDF by BaH Version 2.15 1 INTRODUCTION 1.1 THE LEAGUE Each league is structured like the NFL, with two conferences of three divisions each. The number of teams in a league is not fixed.

More information

NFL SCHEDULE SAMPLE. Green Bay

NFL SCHEDULE SAMPLE. Green Bay NFL SCHEDULE SAMPLE Thursday game Opponent off bye week Monday night Green Bay DATE HA OPPONENT 7 9/11/2016 A Jacksonville Jaguars 7.33 9/18/2016 7 A Minnesota Vikings 9.55 9/25/2016 7 H Detroit Lions

More information

A Brief History of the Development of Artificial Neural Networks

A Brief History of the Development of Artificial Neural Networks A Brief History of the Development of Artificial Neural Networks Prof. Bernard Widrow Department of Electrical Engineering Stanford University Baidu July 18, 2018 Prof. Widrow @ Berkeley A Brief History

More information

Projecting Three-Point Percentages for the NBA Draft

Projecting Three-Point Percentages for the NBA Draft Projecting Three-Point Percentages for the NBA Draft Hilary Sun hsun3@stanford.edu Jerold Yu jeroldyu@stanford.edu December 16, 2017 Roland Centeno rcenteno@stanford.edu 1 Introduction As NBA teams have

More information

Introduction to Machine Learning NPFL 054

Introduction to Machine Learning NPFL 054 Introduction to Machine Learning NPFL 054 http://ufal.mff.cuni.cz/course/npfl054 Barbora Hladká hladka@ufal.mff.cuni.cz Martin Holub holub@ufal.mff.cuni.cz Charles University, Faculty of Mathematics and

More information

NEURAL NETWORKS BASED TYRE IDENTIFICATION FOR A TYRE INFLATOR OPERATIONS

NEURAL NETWORKS BASED TYRE IDENTIFICATION FOR A TYRE INFLATOR OPERATIONS Lfe/sou/n /oh NEURAL NETWORKS BASED TYRE IDENTIFICATION FOR A TYRE INFLATOR OPERATIONS A Thesis submitted to the Department of Electrical Engineering, University of Moratuwa On partial fulfilment of the

More information

Ivan Suarez Robles, Joseph Wu 1

Ivan Suarez Robles, Joseph Wu 1 Ivan Suarez Robles, Joseph Wu 1 Section 1: Introduction Mixed Martial Arts (MMA) is the fastest growing competitive sport in the world. Because the fighters engage in distinct martial art disciplines (boxing,

More information

NFL ATTENDANCE BY TEAM

NFL ATTENDANCE BY TEAM NFL ATTENDANCE BY TEAM Team Facility Year Built Capacity 2015 Average Attendance % of Capacity Dallas Cowboys AT&T Stadium 2009 80,000 91,459 114% Indianapolis Colts Lucas Oil Field 2008 62,421 66,048

More information

1.1 The size of the search space Modeling the problem Change over time Constraints... 21

1.1 The size of the search space Modeling the problem Change over time Constraints... 21 Introduction : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : 1 I What Are the Ages of My Three Sons? : : : : : : : : : : : : : : : : : 9 1 Why Are Some Problems Dicult to Solve? : : :

More information

History of The Houston Oilers and Tennessee Titans franchise

History of The Houston Oilers and Tennessee Titans franchise History of The Houston Oilers and Tennessee Titans franchise September 19, 1960 Blanda leads Oilers by Chargers, 38-28 October 17, 1960 Texan errors costly; Oilers prevail, 20-10 October 24, 1960 Blanda

More information

Two Machine Learning Approaches to Understand the NBA Data

Two Machine Learning Approaches to Understand the NBA Data Two Machine Learning Approaches to Understand the NBA Data Panagiotis Lolas December 14, 2017 1 Introduction In this project, I consider applications of machine learning in the analysis of nba data. To

More information

THE GAME WAS TIED AFTER EACH OF THE FIRST THREE QUARTERS. THE GAME S PUNCH-COUNTERPUNCH DYNAMIC CONTINUED TO THE FINAL MOMENTS.

THE GAME WAS TIED AFTER EACH OF THE FIRST THREE QUARTERS. THE GAME S PUNCH-COUNTERPUNCH DYNAMIC CONTINUED TO THE FINAL MOMENTS. NFL GAMEDAY WEEK 2 DENVER BRONCOS @ KANSAS CITY CHIEFS FOR MUCH OF THE FIRST HALF // THE ANTICIPATED SHOWDOWN LOOKED LIKE A CHIEFS RUNAWAY. LATE IN THE SECOND QUARTER, DENVER S OFFENSE AWAKENED. THE GAME

More information

Data Science Final Project

Data Science Final Project Data Science Final Project Hunter Johns Introduction At its most basic, basketball features two objectives for each team to work towards: score as many times as possible, and limit the opposing team's

More information

Football Match Statistics Prediction using Artificial Neural Networks

Football Match Statistics Prediction using Artificial Neural Networks Football Match Statistics Prediction using Artificial Neural Networks 1 K. Sujatha, 1 T. Godhavari and 2 Nallamilli P G Bhavani 1 Dept of Electrical and Electronics Engineering/CSE Dept, Center for Electronics

More information

NFL ALPHAS

NFL ALPHAS NFL ALPHAS 213-214 BACK IN THE BLACK SUPERBOWL XLVIII LAST YEAR s Blackout Bowl victory by the Baltimore Ravens saw our Super Bowl forecasting model recover its rightful place in the winner s circle. We

More information

GSIS Cumulative Game Stats File Documentation (STAT, STATXML and STATXMLALL) Version 1.14 National Football League

GSIS Cumulative Game Stats File Documentation (STAT, STATXML and STATXMLALL) Version 1.14 National Football League GSIS Cumulative Game Stats File Documentation (STAT, STATXML and STATXMLALL) Version 1.14 National Football League Revised: June 8, 2015 Page 1 OVERVIEW 4 STATXMLALL 4 XML NODES 4 Header Node 4 Score Node

More information

Simulating Major League Baseball Games

Simulating Major League Baseball Games ABSTRACT Paper 2875-2018 Simulating Major League Baseball Games Justin Long, Slippery Rock University; Brad Schweitzer, Slippery Rock University; Christy Crute Ph.D, Slippery Rock University The game of

More information

Phoenix Cardinals. Record: 7-9 t-3rd Place - NFC East Head Coach: Gene Stallings Defense: 4-3 Against Runs: Average to Poor; Against Passes: Poor

Phoenix Cardinals. Record: 7-9 t-3rd Place - NFC East Head Coach: Gene Stallings Defense: 4-3 Against Runs: Average to Poor; Against Passes: Poor Phoenix Cardinals Record: 7-9 t-3rd Place - NFC East Head Coach: Gene Stallings Defense: 4-3 Against Runs: Average to Poor; Against Passes: Poor Sun Devil Stadium - 70,491 Atlanta Falcons Record: 5-11

More information

COLLEGE FOOTBALL BOWL GAME PICKS LET'S GO BOWLING!

COLLEGE FOOTBALL BOWL GAME PICKS LET'S GO BOWLING! Volume 37 Issue 17 Date: December 12, 2018 Murray /Sooners In The Playoffs College Football Recap COLLEGE FOOTBALL BOWL GAME PICKS LET'S GO BOWLING! The College Football Playoff is set. Unbeaten and top-ranked

More information