0% found this document useful (0 votes)
177 views7 pages

Quantifying and Analyzing The Performance of Cricket Player Using Machine Learning

This document discusses quantifying and analyzing the performance of cricket players using machine learning. It proposes using machine learning algorithms like Support Vector Machine (SVM), K-Nearest Neighbors (KNN), Naive Bayes, and Random Forest Classifier to analyze cricket matches and predict outcomes. These algorithms are trained on data from previous cricket matches to learn patterns and relationships that can help predict things like the winner of upcoming matches or the score of an inning. The models aim to help coaches and teams evaluate player and team strengths compared to opponents under different conditions.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
177 views7 pages

Quantifying and Analyzing The Performance of Cricket Player Using Machine Learning

This document discusses quantifying and analyzing the performance of cricket players using machine learning. It proposes using machine learning algorithms like Support Vector Machine (SVM), K-Nearest Neighbors (KNN), Naive Bayes, and Random Forest Classifier to analyze cricket matches and predict outcomes. These algorithms are trained on data from previous cricket matches to learn patterns and relationships that can help predict things like the winner of upcoming matches or the score of an inning. The models aim to help coaches and teams evaluate player and team strengths compared to opponents under different conditions.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 7

Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology

ISSN No:-2456-2165

Quantifying and Analyzing the Performance of


Cricket Player using Machine Learning
Dr. Chaitanya Kishore Reddy.M1, Sk. Arshiya Mobeen 2, P. Mounika Sridevi3, U. Nithin Kumar4
1
Professor & Dean-IT, 2,3,4UG Scholar, Dept. Of IT,
NRI Institute of Technology, A.P-521212

Abstract:- In cricket, automation for learning, makes the challenge in analyzing the accurate outcome of
analyzing, guessing, and predicting is important. As the cricket match. Sports have gained much importance at
cricket is a sport that is having high demand, no one both national and international levels. Cricket is one such
knows who will win the game until the last over. And game, which is marked as the most prominent sport in the
there are various factors inclusive of men or women, world. The suggested analysis model makes use of SVM
crew performances, and some diverse environmental and KNN to fulfill the objective of the problem stated. Our
elements that need to be taken into consideration in work novelty is to analyze runs for each ball by keeping the
planning a recreation method as a result, we decided to runs scored by the batsman in the previous ball as the
create a machine-learning model to analyze the game observed data and to verify whether our prediction fits into
using previous match data For this interest, we used a the desired model.
records evaluation and statistical equipment to
procedure statistics and bring some suggestions. Predictive modeling using data science is increasingly
Implemented models can help selection makers important in the world of sports. One of the well-known
throughout cricket games to test a crew’s strengths in sports in India is cricket. Any team, on a given day, has a
competition to the other and environmental elements. chance to win the game with its play. This makes it
Right here we’re got used sklearn, preprocessing, and difficult to make an accurate prediction. The result of the
label encoder, and for compilation were got used cricket game. At the national and international levels,
random woodland classifier set of rules to illustrate the sports have grown significantly in significance. One such
conditions and recommendations for problem fixing We game that is recognized as the most popular sport
can also predict match outcomes from past experiences worldwide is cricket. One of the cricket formats recognized
by using some algorithms like Support Vector Machine by the International Cricket Council is T20 (ICC).
(SVM), Naive Bayes, k-Nearest Neighbor (KNN) are
used for classification of match winner and Linear SVM and KNN are used in the suggested prediction
Regression and decision tree for the prediction of an model to achieve the problem's stated goal. There haven't
inning’s score. The dataset contains huge data on the been many studies done in this area of cricket match
previous performance of bowlers and batsmen in prediction. In our study, we discovered that the work done
matches, many Seven features have been identified that so far for assessing and forecasting the results of the match
can be used for prediction. Based on those features, is based on data mining. By using the runs the batter scored
on the previous ball as the observed data, our approach is
models are built and evaluated using certain
parameters. new in that we predict runs for each ball and then check to
see if our prediction fits the intended model.
Keywords:- Random Forest Classifier, Support Vector
Machine (SVM), Naive Bayes, k-Nearest Neighbor (KNN),
NumPy, Data Mining, Analysis.

I. INTRODUCTION

Cricket is played in a variety of countries around the


world. There are lots of tournaments being held in many
countries which play cricket. Cricket is a game played
between two teams comprising 11 players in each team.
The result is either a win, a loss, or a tie. Moreover, the
game is also extremely fluctuating because at every stage
of the game, the momentum shifts to one of the teams
between the two. A lot of times the results get decided on
the last balls of the match when the game gets really close.
So, keeping all the possibilities, this report aims at studying
the problem of analyzing the game results before the game
has started based on the data available from the data set.
These are different ways to do predictions. The analysis
can be done taking into consideration the players'
performances as well as the team’s performances. This

IJISRT23MAY110 www.ijisrt.com 372


Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165
II. TECHNOLOGIES USED

KNN

RANDOM FOREST MACHINE SVM


CLASSIFIER LEARNING

NAÏVE
BAYES

Fig. 1: Machine Learning

A. MACHINE LEARNING The approach uses a line or hyperplane to partition


Machine learning is the method of choice for the data into classes. It separates the words into categories
categorizing or predicting data to aid people in making during the training phase, such as happy, sad, and so on,
important decisions. Algorithms for machine learning are based on the training dataset, and then predicts the mood of
trained on instances or examples, which allows them to the input song based on the words and the correspondingly
study historical data and learn from previous experiences. score. The top similarity songs' moods are predicted using
Building models alone isn't sufficient; you also need to SVM and arranged in increasing order, after which songs
properly tune and optimize the model so that it gives you with the same mood are suggested. (fig:2)
two accurate outcomes. In order to achieve the best
outcomes, improvement strategies entail tweaking the
hyperparameters. As it practices using the examples
repeatedly, it will spot patterns that allow it to make
decisions more precisely[fig:1].

B. SUPERVISED
The ideal paradigm for machine learning is supervised
learning. Since it is the easiest to understand, it is also the
easiest to put into practice. Learning a function that
converts an input into an output with the help of example
input-output pairs is the challenge at hand. It infers a
function from tagged training data made up of a collection
of coaching instances. Each example in supervised learning
may be a pair made up of an input item, such as Typically,
a vector and an output value are used.

 SVM: Fig: 2: SVM


A supervised machine learning method called SVM
(Support Vector Machine) can be utilized to resolve  KNN
classification and regression issues. However, it is usually The K-Nearest Neighbor (K-NN) model for
used to address categorization issues. The value of each recommendations is an item-based strategy that searches
feature corresponds to a certain coordinate in the SVM for neighbors between objects, in contrast to user-based
algorithm, and each piece of data is represented as a point algorithms that look for neighbors between users. The best
in n-dimensional space (where n is the number of features model for implementing item-based collaborative filtering
you have). and a great place to start when developing a
recommendation system is K-Nearest Neighbor. A non-
A linear model called the Support Vector Machine, or parametric learning technique is the K-NN approach. This
SVM, can be used to address classification and regression technique uses a database with categorized data points to
problems. It is helpful for a variety of applications and can draw conclusions for new samples. K-NN makes no
solve both linear and nonlinear problems. SVM is a assumptions about the distribution of the underlying data
fundamental idea: and only relies on the similarity of item attributes. K-NN
ranks the "distance" between each item in the database and
the target item when it arrives to a decision about an item.

IJISRT23MAY110 www.ijisrt.com 373


Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165
The top K items are then suggested as the most  Sort the distances created (in ascending order) and find
comparable items. The K-Nearest Neighbors method's the one that is the closest.
algorithm is as follows: 2012 (Han et al.)  Include the proper class (c).
 Establish the parameter k (number of nearest neighbors).  Determine how many classes are closest neighbors, and
 Determine the separation between all training data and then identify the class as the data evaluation.
the data that will be examined.

Fig. 3: KNN

 Naive Bayes efficient classification algorithms is the Naive Bayes


The Naive Bayes algorithm is a supervised learning Classifier, which aids in the development of quick machine
method for classification issues that is based on the Bayes learning models capable of making accurate predictions.
theorem. It is mostly employed in text categorization with a Being a probabilistic classifier, it makes predictions based
large training set. One of the most straightforward and on the likelihood that an object will occur[fig:4].

Fig. 4: Naive Bayes

 RANDOM FOREST address delicate issues and enhance model performance.


The popular machine learning algorithm Random Random Forest, as the name implies, is a classifier that
Forest is a part of the supervised literacy methodology. It uses a number of decision trees on different subsets of the
can be applied to ML issues involving both bracket and handed dataset and pars them to increase the dataset’s
retrogression. It's erected on the idea of ensemble literacy, prophetic delicacy(fig5).
which is a system of integrating colorful classifiers to

IJISRT23MAY110 www.ijisrt.com 374


Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165
B. Python libraries

 NumPy:
A general-purpose package for handling arrays is
called NumPy. It offers a multidimensional array object
with outstanding speed as well as capabilities for
interacting with these arrays. It is the cornerstone Python
module for scientific computing. It has a number of
characteristics, including the following crucial ones:
 Tools for integrating C/C++ and Fortran code;
 Tools for integrating C/C++ and Fortran code;
 Beyond its apparent applications in science, NumPy also
functions well as a multi-dimensional storage container
for general data.

 Pandas:
Built on top of the NumPy library is the open-source
Pandas library. It is a Python package that provides a
number of data structures and actions for working with
Fig. 5: Random Forest Classifier time series and numerical data. It is quick and offers
consumers exceptional performance & productivity. Python
C. UNSUPERVISED: programming language offers high-performance and
Unsupervised learning is a machine learning technique simple-to-use data structures and data analysis tools.
where supervision of the model is not necessary. Instead, Pandas are utilized in a variety of academic and
you should allow the model to carry out its own data professional subjects, including economics, statistics,
collection calculations. analytics, and other areas.

It primarily works with unlabeled data and searches  Sklearn:


for previously undiscovered patterns in a batch of data that The most effective and reliable Python machine-
has no pre-existing classifications and little to no human learning library is called Skearn (Skit-Learn). It is an open-
oversight. source Python library that uses a uniform interface to
implement various machine learning, pre-processing, cross-
Unsupervised learning, also known as self- validation, and visualization methods. Through a consistent
organization, allows for the modeling of probability Python interface, Sklearn offers a variety of effective
densities across inputs in contrast to supervised learning, methods for statistical modeling and machine learning,
which occasionally uses human-labeled data. including classification,regression, clustering, and
dimensionality reduction. This library is based on NumPy,
III. SOFTWARE REQUIREMENTS SciPy, and Matplotlib and was written primarily in Python.
SPECIFICATION
IV. EXISTING SYSTEM
 Python 3.0 or later
 Windows XP, 7, 8, or 10; NumPy, Predictive models are used in historical analysis to
 pandas, sklearn, and matplot; and an operating system. identify potential match results. This requires extensive
 Internet browser (google chrome or Firefox) number crunching, data science expertise, visualization
tools, and the capacity to include more recent findings.
A. Introduction to Python Numerous Python packages that offer higher-level
Python is a general-purpose, interpreted programming functions related to data analytics are built ona solid
language. Python’s straightforward syntax places a strong foundation called NumPy. These tools are frequently used
emphasis on readability, which lowers system maintenance to get real-time insights that aid in making decisions for
costs. Modules and packages are supported by Python, outcomes that can change the course of a game, both on the
which encourages system organization and code reuse. field and in business operations centered around cricket.
Although it takes a little longer to compile its code, it saves
space. While coding, indentation needs to be considered. A. A viewpoint on utilizing machine learning to analyze
The following is what Python does: match results.
 Python can connect to database systems and can be used In this study, a novel model is created for forecasting
on a server to build web applications. runs using the batsman’s prior runs scored as the
 Files can also be read and modified by it. Big data observable data. A sizable dataset with information on 577
management and advanced mathematical operations are IPL matches was taken into account within dependent and
both possible with it. dependent factors in order to complete the objective. RNN
 It can be used to create software that is ready for and HMM provide the best prediction accuracy for
production. forecasting runs in IPL, according to research presented in
this publication. This model is unique in its own right

IJISRT23MAY110 www.ijisrt.com 375


Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165
because IPL match results were rarely predicted using D. Disadvantages:
machine learning techniques. The created model aids in the Since the accuracy level in predicting or evaluating the
analysis and forecasting of IPL match outcomes. Similar data of prior match results has been so low, it has been
work can be arranged for other game types like test cricket, challenging to anticipate the precise outcome of the match
ODI games, and T20 games. The model can be improved using previous prediction models.
further to incorporate crucial elements of numerous other
factors that affect the final result of the game, such as Predicting the average performance of bowlers and
weather conditions, injured players, etc. batsmen as well as their collective team performance is
likewise a difficult issue. To solve the overfitting issue that
B. IPL match winner prediction using machine learning had previously arisen, we devised a model that would result
techniques. in greater accuracy.
In sports, and cricket in particular, it can be difficult and
confusing to predict the winner. But this may be V. PROPOSED SYSTEM
significantly simplified and made easier by using machine
learning. The numerous elements that affect a match’s The entire body of work has been neatly arranged
result in the Indian Premier League were found in this in this architecture. Dataset preparation and loading into the
study. The participating teams, the match location, the city, backend are the first steps. The five steps follow are first
the toss winner, and the toss decision were among the Data Acquisition, second Data Pre-processing, third
factors that had a substantial impact on an IPL match' Feature Selection, and fourth Training Classification
s outcome. The points won by each team were calculated Methods, and finally, Testing Data are the steps followed to
using a generic function for the classifier model that took get the accurate result. The user interface is then given
into account team 1, and team 2, the location of the game, access to a number of functions for use with players or
the winner of the coin flip, the city, and the result of the matches. Predictions may also be made using it.Instead of
toss. On the IPL dataset created for this work, various depending on a single decision tree, the random forest uses
machine learning algorithms with a classification focus forecasts from each tree and predicts the result based on the
were trained. We employed the approaches of logistic votes of the majority of predictions. Higher accuracy and
regression, decision trees, random forest, and K-nearest overfitting are prevented by the larger number of trees in
neighbors to arrive at the final evaluation. The Random the forest. This model gives more accurate results when
Forest classifier and Decision Tree offered the highest compared to existed system. Extra-order categories are also
accuracy of 89.151% among these methods. included in this model in predicting the output.

C. Utilizing Machine Learning to Predict Cricket Match The following modules for analysis, prediction,
Results. ranking, and visualizations are implementable.
The numerous elements that affect a match' s  Overall group efficiency
result in the Indian Premier League were found in this  Batman evaluation and ranking
study.The home team, the away team, the toss winner, the  Batman evaluation and ranking
toss decision, the venue, and the weight of therespective  Bowler evaluation and ranking
teams are the seven variables that have a substantial impact  match evaluation
on the outcome of each IPL match.The points earned by  team evaluation
each player are determined by a multivariate regression-  head-to-head evaluation
based model that takes intoaccount their past performances,
which include VI. ADVANTAGES OF THE PROPOSED SYSTEM
 The number of wickets taken
To ensure that your predictions are accurate, take into
 The number of dot balls given
account the following:
 The number of ours hit
 types of players
 The number of sixes hit
 The pitch's condition
 The number of catches
 injured athletes
 The number of stumpings.
 Comparison statistics

Instead of depending on a single decision tree, the


random forest uses forecasts from each tree and predicts the
result based on the votes of the majority of predictions.
Higher accuracy and overfitting are prevented by the larger
number of trees in the forest.

IJISRT23MAY110 www.ijisrt.com 376


Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165
VII. SYSTEM ARCHITECTURE

Fig. 6: System architecture

VIII. FUTURE SCOPE unsuited. As a result, every percentage point gain in the
model's accuracy would be regarded as extremely crucial.
This project can be improved in a number of different Additionally, we intended to create a model that
ways with future work. outperforms earlier iterations of such a model because
 The data set may contain certain external variables, such cricket is a game whose outcome depends on a number of
as player weariness, player injury, winning streaks with variables. We proceeded with the Random Forest Classifier
particular teams, overall winning streaks, average runs Prediction Model as a result. On the input data, the Support
scored by a team in prior matches against a particular Vector Machine (SVM), Naive Bayes, and k-Nearest
team, etc. We can try to forecast outcomes based on Neighbor (KNN) algorithms are applied to determine the
these variables and track how accurate our predictions optimum performance. Performance indicators are used to
turn out to be. compare these strategies. Support Vector Machine (SVM)
 The prediction can take into account the performance of provides a higher accuracy score on test data than the other
the players in the team, such as the total number of runs two algorithms, according to the study of the metric.
scored by a player in the tournament, the player's form
guide, the number of men of the match awards earned, REFERENCES
etc. in addition to high-level information about the
different matches, such as the winner of the toss, the [1.] College students’ prevalence and perceptions of text
outcome of the toss, the home team, etc. messaging while driving Author links Open overlay
 There are no web/mobile applications or user interfaces PanelMarissa A.Harrison.R.
in my project. Therefore, it is conceivable to develop a [2.] Rabindra Lamsal and Ayesha Choudhary,
web application that would receive the entire set of data “Predicting Outcome of Indian Premier League
as input and output the predictions for each occurrence as (IPL) Matches Using Machine Learning”,
a pdf or text file. arXiv:1809.09813v5 [stat.AP] 21 Sep 2020.
[3.] Pallavi Tekade, Kunal Markad, Aniket Amage,
IX. CONCLUSION Bhagwat Natekar, “Cricket Match Outcome
Prediction Using Machine Learning”, International
As can be seen in the Results, we used the Random Journal Of Advance Scientific Research And
Forest Classifier Algorithm to develop our prediction Engineering Trends, Volume 5, Issue 7, July 2020,
model and achieved a high accuracy rating. As a proof of ISSN (Online) 2456-0774.
concept, we have also included two additional algorithms. [4.] Ch Sai Abhishek, Ketaki V Patil, P Yuktha,
The first one is Multinomial Logistic Regression, which Meghana K S, MV Sudhamani, “Predictive
was one of the most frequently used algorithms in earlier Analysisof IPL Match Winner using Machine
prediction models, and the second one is AdaBoost, which Learning Techniques”, International Journal of
has not previously been used in cricket match prediction InnovativeTechnology and Exploring Engineering
models but is less prone to overfitting and is regarded as a (IJITEE) ISSN: 2278-3075, Volume-9 Issue-
good fit in this model. As can be seen from the data, 2S,December 2019.
AdaBoost is a good fit but not the best for our model that [5.] Shubhra Singh, Parmeet Kaur, “IPL Visualization
attempts to predict the outcome of IPL and T20 matches, and Prediction Using HBase”, Procedia Computer
whereas Multinomial Logistic Regression is completely Science 122 (2017) 910–915.

IJISRT23MAY110 www.ijisrt.com 377


Volume 8, Issue 5, May 2023 International Journal of Innovative Science and Research Technology
ISSN No:-2456-2165
[6.] Deepak Saraswat, Vijai Dev, Preetvanti Singh” Convergence in Technology (I2CT) Pune, India.
Analyzing the performance of the Indian Cricket Mar 29-31, 2019.
Teamusing Weighted Association Rule [8.] Indian Premier League - https://www.iplt20.com/,
Mining”2018International Conference on 2020.
Computing, Power andCommunication [9.] Gagana S, K Paramesha, “A Perspective on
Technologies (GUCON) GalgotiasUniversity, Analyzing IPL Match Results using Machine
Greater Noida, UP, India. Sep 28-29, 2018 Learning”, IJSRD - International Journal for
[7.] Manuka Maduranga Hatharasinghe, Guhanathan Scientific Research & Development| Vol. 7, Issue
Poravi “Data Mining and Machine Learning in 03, 2019 | ISSN (online): 2321-0613.
Cricket Match Outcome Prediction: Missing [10.] https://www.kaggle.com/datasets/patrickb1912/ipl-
Links”2019 5th International Conference for complete-dataset-20082020.

BIOGRAPHIES:

Dr. Chaitanya Kishore Reddy. M is currently working as a Professor and Dean in the Department of
Information Technology at NRI Institute Of Technology, Pothavarappadu, Agiripalli, Krishna(dist.), India. He
received Ph.D. in Computer Science and Engineering and M. Tech in Computer Science and Engineering at
Jawaharlal Nehru Technological University, Kakinada. He has Published 40 research papers in various National
and International Journals and International Conferences. He is a member of ISTE, CSI, and IAENG. His
research areas are Mobile Ad-hoc Networks, IoT, and Cloud Computing.

SK. Arshiya Mobeen is currently studying B.Tech with a specification in Information Technology atthe NRI
Institute of Technology. She has donea summer internship on Cricket match analysis.

P. Mounika Sridevi is currently studying B.Tech with the specification of Information Technology at NRI
Institute of Technology. She has donea summer internship on Cricket match analysis.

U. Nithin Kumar is currently studying B.Tech with a specification in Information Technology at NRI
Institute of Technology. He has done a summer internship on Cricket match analysis

IJISRT23MAY110 www.ijisrt.com 378

You might also like