IPL (Indian Premier League) is one of the most popular cricket leagues in the world, with millions of fans coming in to watch the games. With the sport’s increasing popularity, there has been a growing demand for accurate predictions of the outcome of the games. This article explains one Data Science Project related to Cricket.
To address this, we are going to build a machine learning model that can forecast the winning chances of either of the teams during the middle of the match, based on the first innings performance of a team. Coaches and management of the team can use this model to make data-driven decisions during the game, for example: changing tactics, replacing players, and modifying their plans based on the projected winning likelihood.
Learning Objective
In this article, we will use the IPL dataset from Kaggle, which includes 2 datasets: one is about the matches played between 2008-2019, and the other one is about all the deliveries between 2008-2019. Here is the dataset link
This article was published as a part of the Data Science Blogathon.
Our Matches DataFrame contains the following variables:
There are 21 columns and 179078 observations in our deliveries dataset.
21 columns in the deliveries dataset are
[‘match_id,’ ‘inning,’ ‘batting_team,’ ‘bowling_team,’ ‘over,’ ‘ball,’ ‘batsman,’ ‘non_striker,’ ‘bowler,’ ‘is_super_over,’ ‘wide_runs,’ ‘bye_runs,’ ‘legbye_runs,’ ‘noball_runs,’ ‘penalty_runs,’ ‘batsman_runs,’ ‘extra_runs,’ ‘total_runs,’ ‘player_dismissed,’ ‘dismissal_kind,’ ‘fielder’]Our main focus would be to extract useful information and merge these 2 data frames in order to get all the data in one single DataFrame so that we can build our machine-learning model on top of it.
Note: Even if you lack the knowledge and skills to complete this Data Science Project, you can still learn by following the steps and looking for information whenever you encounter problems. Learning by doing can be an effective and productive way of acquiring new knowledge and skills. So don’t worry if you don’t know everything immediately; you can learn things by yourself while doing this project.
First things first, follow these steps before starting the Data Science Project:
By following these steps, you’ll have all your Data Science Project files organized in a single folder, which makes it easier to manage and share your code and datasets.
#utilities
import pandas as pd
import numpy as np
#plotting
import seaborn as sns
import matplotlib.pyplot as plt
%matplotlib inline
#model building
from sklearn.model_selection import train_test_split
from sklearn.compose import ColumnTransformer
from sklearn.preprocessing import OneHotEncoder
from sklearn.linear_model import LogisticRegression
from sklearn.ensemble import RandomForestClassifier
from sklearn.pipeline import Pipeline
from sklearn import metrics
matches = pd.read_csv('matches.csv')
deliveries = pd.read_csv('deliveries.csv')
matches.head()
deliveries.head()
3.1: Shape of our data
matches.shape,deliveries.shape
Output: ((756, 18), (179078, 21))
matches:
There are 756 observations and 18 features in our dataset.
deliveries:
There are 179078 observations and 21 features in our dataset.
3.2: Columns/features in data
For matches:
matches.columns
Output:
Index(['id', 'Season', 'city', 'date', 'team1', 'team2', 'toss_winner',
'toss_decision', 'result', 'dl_applied', 'winner', 'win_by_runs',
'win_by_wickets', 'player_of_match', 'venue', 'umpire1', 'umpire2',
'umpire3'],
dtype='object')
For Deliveries:
deliveries.columns
Output:
Index(['match_id', 'inning', 'batting_team', 'bowling_team', 'over', 'ball',
'batsman', 'non_striker', 'bowler', 'is_super_over', 'wide_runs',
'bye_runs', 'legbye_runs', 'noball_runs', 'penalty_runs',
'batsman_runs', 'extra_runs', 'total_runs', 'player_dismissed',
'dismissal_kind', 'fielder'],
dtype='object')
3.3: Length of the dataset
For matches:
len(matches)
756 is the length of our matches data
For deliveries:
len(deliveries)
1,79,078 is the length of our deliveries data
3.4: Data information
For matches:
matches.info()
For deliveries:
deliveries.info()
3.5: Checking for null values matches:
matches.isnull().sum()
deliveries:
deliveries.isnull().sum()
We will see later how to handle these null values.
3.6: Checking unique values in required columns:
For matches:
#creating a list of columns and removing unnecessary columns from the list
list1 = matches.columns.to_list()
remove_from_list = ['id', 'date', 'toss_winner', 'toss_decision', 'winner',
'win_by_runs', 'player_of_match', 'venue',
'umpire1', 'umpire2', 'umpire3']
for i in range(len(remove_from_list)):
list1.remove(remove_from_list[i])
for i in list1:
print('The unique values in', i, 'are: ', matches[i].unique())
For deliveries:
list2 = deliveries.columns.to_list()
remove_from_list2 = ['match_id', 'batsman','inning', 'non_striker',
'bowler', 'player_dismissed', 'fielder']
for i in range(len(remove_from_list2)):
list2.remove(remove_from_list2[i])
for i in list2:
print('The unique values in', i, 'are: ', deliveries[i].unique())
We are looking for every ball that is thrown during an over. This allows us to see how the batsman score runs, runs awarded to the teams, penalty runs, or other factors that may impact the delivery outcome. It’s important to note that the total number of runs scored on a particular delivery can vary based on these factors. For example, it’s possible for a batsman to score 10 runs on a single delivery if it is a no-ball and the batsman hits a six and then takes advantage of the no-ball to score 3 more runs for the team. This is how the unique value in the total_runs column includes 10.
4.1: Grouping by deliveries on match id and innings
# grouping the 1st innings,2nd innings score in a particular matchid
# lets say match id = 1,so inning 1 score = 207,inning 2 score = 172
totalrun_df=deliveries.groupby(['match_id','inning']).sum()['total_runs'].reset_index()
totalrun_df
#capturing only the first innings, because we will be predicting the second innings
#Also we are changing total runs into targets by using the lambda function
totalrun_df = totalrun_df[totalrun_df['inning']==1]
totalrun_df['total_runs'] = totalrun_df['total_runs'].apply(lambda x:x+1)#to get target
totalrun_df
4.2: Merging 2 data frames
match_df = matches.merge(totalrun_df[['match_id','total_runs']],
left_on='id',right_on='match_id')
match_df
In this merging process, an inner join is performed between the “matches” DataFrame and the “totalrun_df” DataFrame. So, only the rows that have matching values in both tables will be shown in the result. Specifically, the merge will be done by matching the values in the “id” column of the “matches” DataFrame with the values in the “match_id” column of the “totalrun_df” DataFrame. Therefore, the output will contain only the rows where there is a match between these two columns, i.e., id and match_id
4.3: Renaming Teams
match_df['team1'].unique()
Output:
array(['Sunrisers Hyderabad', 'Mumbai Indians', 'Gujarat Lions',
'Rising Pune Supergiant', 'Royal Challengers Bangalore',
'Kolkata Knight Riders', 'Delhi Daredevils', 'Kings XI Punjab',
'Chennai Super Kings', 'Rajasthan Royals', 'Deccan Chargers',
'Kochi Tuskers Kerala', 'Pune Warriors', 'Rising Pune Supergiants',
'Delhi Capitals'], dtype=object)
Now we will only keep the most frequent and common teams, which include:
teams = [
'Sunrisers Hyderabad',
'Mumbai Indians',
'Royal Challengers Bangalore',
'Kolkata Knight Riders',
'Kings XI Punjab',
'Chennai Super Kings',
'Rajasthan Royals',
'Delhi Capitals'
]
# replacing the Delhi Daredevils with Delhi Capitals
match_df['team1'] = match_df['team1'].str.replace('Delhi Daredevils','Delhi Capitals')
match_df['team2'] = match_df['team2'].str.replace('Delhi Daredevils','Delhi Capitals')
# replacing the Deccan Chargers with Sunrises Hyderabad
match_df['team1'] = match_df['team1'].str.replace('Deccan Chargers','Sunrisers Hyderabad')
match_df['team2'] = match_df['team2'].str.replace('Deccan Chargers','Sunrisers Hyderabad')
# considering only frequently occurring teams,
# which are mentioned in the team's list
match_df = match_df[match_df['team1'].isin(teams)]
match_df = match_df[match_df['team2'].isin(teams)]
match_df['team1'].unique() #again checking unique team names from match_df
Output:
array(['Sunrisers Hyderabad', 'Royal Challengers Bangalore',
'Kolkata Knight Riders', 'Kings XI Punjab', 'Delhi Capitals',
'Mumbai Indians', 'Chennai Super Kings', 'Rajasthan Royals'],
dtype=object)
4.4: Handling matches that resulted in the Duckworth lewis system
# checking the matches which resulted in the DL method
match_df[match_df['dl_applied']==1].style.background_gradient(cmap = 'plasma')
The above code snippet looks into the rows of the “match_df” DataFrame where the value of the “dl_applied” column equals 1, indicating that the Duckworth lewis system was applied during the match.
The “style.background_gradient(cmap=’plasma’)” part of our code applies a color gradient to the resulting DataFrame using the “plasma” color map. This styling feature in pandas allows for visualizing the data more appealingly.
Now we don’t want to confuse our model with this stuff, so we will ignore the rows where the Duckworth-lewis system was applied during the match.
# ignoring the rows which were Duckworth lewis system
match_df = match_df[match_df['dl_applied']==0]
# considering the match_id, city, winner, and total runs
match_df = match_df[['match_id','city','winner','total_runs']]
match_df
4.5: Merging match_df with deliveries on match_id
The reason for merging the “match_df” DataFrame with the “deliveries” DataFrame is to keep track of the current score and the score the team needs to achieve to win the match. While the “match_df” DataFrame provides information on the target score (total_runs), the “deliveries” DataFrame contains details of every ball bowled in the match and the runs scored in each ball.
By merging these two DataFrames, we can get a comprehensive view of the match’s progress, including the current score, the target score, and other relevant information we need to analyze the game’s performance.
#merging matchdf with deliveries on match_id
delivery_df = match_df.merge(deliveries,on='match_id')
delivery_df.head(5)
From the above 2 images, it seems that after merging the relevant DataFrames, there are two columns named “total_runs”: “total_runs_x” and “total_runs_y.” “total_runs_x” refers to the target score set by the batting team in the first innings, while “total_runs_y” refers to the runs scored on each delivery by the batting team during the second innings. Therefore, by having both columns available in the merged DataFrame, we can track the progress of the second innings and compare it to the target score set in the first innings.
Now let’s check the different columns present in our delivery_df:
delivery_df.columns
Output:
Index(['match_id', 'city', 'winner', 'total_runs_x', 'inning', 'batting_team',
'bowling_team', 'over', 'ball', 'batsman', 'non_striker', 'bowler',
'is_super_over', 'wide_runs', 'bye_runs', 'legbye_runs', 'noball_runs',
'penalty_runs', 'batsman_runs', 'extra_runs', 'total_runs_y',
'player_dismissed', 'dismissal_kind', 'fielder'],
dtype='object')
In delivery_df, we are looking into the second innings because we have to keep track of the current score; earlier, we kept the first innings in the totalrun_df DataFrame because we want to get the target that the second team needs to achieve.
Now let’s check the shape of our final data frame – delivery_df:
delivery_df.shape
Output:
(72413, 24)
This means that after merging the relevant DataFrames, the resulting DataFrame contains 72,413 rows and 24 columns, representing our final dataset with all the relevant information needed to analyze the teams’ performance in the matches.
4.6: Creating necessary columns
# to get the current score of a particular match
delivery_df['current_score'] = delivery_df.groupby('match_id').cumsum()['total_runs_y']
delivery_df.head()
To calculate the chances of either team winning or losing a cricket match, we need to know the current runs scored by the team and the respective RunRate. To get the current runs scored, we can group the data by the “match_id” column and use the “total_runs_y” column, which contains the runs scored by the batting team ball by a ball during the second innings.
By applying the cumulative sum function to the “total_runs_y” column for each match, we can calculate the current score of the batting team at each ball in the innings. Therefore, by using the cumulative sum of “total_runs_y” for each match, we can get the current score of the batting team, which is necessary for calculating their RunRate and predicting the outcome of the match.
As we can see from the above 2 images, the current score keeps on updating after each delivery. This is what we did using the cumulative sum function. Try it out more deeply by observing different rows in your notebook.
# creating column for runs left
delivery_df['runs_left'] = delivery_df['total_runs_x']-delivery_df['current_score']
delivery_df[['total_runs_x', 'current_score', 'runs_left']].head()
# creating a column for balls left
delivery_df['balls_left'] = 126-(delivery_df['over']*6+delivery_df['ball'])
delivery_df[['over', 'ball', 'balls_left']].head(10)
In the above code, we have used this formula: 126 – (delivery_df[‘over’]*6+delivery_df[‘ball’]) for calculating the number of balls left, now let’s say over is 1, and the ball is 1, then total balls left will be 126 – (1*6+1) = 119. Similarly, when two balls are played, the balls left will be 118. This is similar to when we subtract one ball from total balls 120, i.e., 120-1 = 119. With our formula, we get the same output, which is useful in preventing miscalculations. That’s why we used this formula: “balls_left = 126 – (over * 6 + current_ball)”
4.7: Handling null values
delivery_df['player_dismissed']
Replacing all NaN values with 0 and other ones with 1 in order to make it a binary column.
# filling nan values with "0"
delivery_df['player_dismissed'] = delivery_df['player_dismissed'].fillna("0")
# now we will convert this player_dismissed col into a boolean col
# if the player is not dismissed then it's 0 else it's 1
delivery_df['player_dismissed'] = delivery_df['player_dismissed'].apply(lambda x:x
if x=="0" else "1")
# converting string to int
delivery_df['player_dismissed'] = delivery_df['player_dismissed'].astype('int')
delivery_df['player_dismissed'].unique()
Output:
array([0, 1])
# creating a column named wickets left
wickets = delivery_df.groupby('match_id').cumsum()['player_dismissed'].values
delivery_df['wickets_left'] = 10-wickets
Here, we use cumulative wicket counts for each delivery in each match. For example, if the first delivery in a match results in a wicket, the first element of the array will be 1. If the second ball results in a wicket, the second element will be 2, and so on, and this number will be stored in a variable named wickets.
And to get wickets_left, subtract wickets from 10.
Now, let’s calculate the current RunRate, and required RunRate:
# current RunRate
# It is a common practice to express run rates in cricket which means to
#express it in runs per over,
# so the score is multiplied by 6.
delivery_df['cur_run_rate'] = (delivery_df['current_score']*6)/(120-delivery_df['balls_left'])
# required Run-Rate
delivery_df['req_run_rate'] = (delivery_df['runs_left']*6)/(delivery_df['balls_left'])
#Current Run-Rate
delivery_df[['cur_run_rate', 'req_run_rate']].head(10)
4.8: Target Variable analysis
def resultofmatch(row):
return 1 if row['batting_team'] == row['winner'] else 0
delivery_df['result'] = delivery_df.apply(resultfun,axis=1)
We have created a function named ‘resultofmatch’ that takes in a row of a DataFrame and returns 1 if the team that batted first is the winner, else it returns 0.
sns.countplot(delivery_df['result'])
From the above plot, we can see that the batting team won the most number of matches.
4.9: Creating Final Data frame
final_df = delivery_df[['batting_team','bowling_team','city','runs_left',
'balls_left','wickets_left','total_runs_x','cur_run_rate',
'req_run_rate','result']]
##we are taking only important columns
final_df.head()
final_df.shape
Output:
(72413, 10)
final_df.isnull().sum()
# dropping of null values
final_df = final_df.dropna()
final_df.isnull().sum()
final_df = final_df[final_df['balls_left'] != 0]
We’re removing all the rows where the number of remaining balls is 0, which indicates that the match has ended.
We’re doing it because it allows us to focus only on the part of the match that is still in progress and exclude the completed matches. The resulting DataFrame contains only the data from the ongoing matches, which can be further analyzed to make predictions about the outcome.
data = final_df.copy()
test = data['result']
train = data.drop(['result'],axis = 1)
train.head()
from sklearn.model_selection import train_test_split
X_train,X_test,y_train,y_test = train_test_split(train,test,test_size=0.2,random_state=1)
X_train.shape,X_test.shape
Output:
((57073, 9), (14269, 9))
X_train.columns
Output:
Index(['batting_team', 'bowling_team', 'city', 'runs_left', 'balls_left',
'wickets', 'total_runs_x', 'cur_run_rate', 'req_run_rate'],
dtype='object')
# batting team, bowling team, and city are categorical columns
# they will be converted to numeric using a one-hot encoder
cf = ColumnTransformer(transformers = [
('tnf1',OneHotEncoder(sparse=False,drop='first'),['batting_team','bowling_team','city'])
],remainder='passthrough')
The transformer we are using here is OneHotEncoder, which is used to encode categorical features into one-hot numeric arrays. The ‘sparse’ argument is set to False, which means that the output will be a dense array. The ‘drop’ argument is set to ‘first’, meaning that each column’s first category will be dropped to avoid collinearity.
The column names in the list [‘batting_team,’ ‘bowling_team,’ ‘city’] are the categorical features that the OneHotEncoder should encode.
5.1: Implementing Logistic Regression Model
# creating the pipeline
# lr = LogisticRegression(solver='liblinear')
pipe = Pipeline(steps=[
('step1', cf),
('step2',LogisticRegression(solver='liblinear'))
])
# fitting the training data
pipe.fit(X_train,y_train)
Output:
Pipeline(steps=[('step1',
ColumnTransformer(remainder='passthrough',
transformers=[('tnf1',
OneHotEncoder(drop='first',
sparse=False),
['batting_team',
'bowling_team', 'city'])])),
('step2', LogisticRegression(solver='liblinear'))])
y_pred = pipe.predict(X_test)
print(metrics.accuracy_score(y_test,y_pred))
Output:
0.8063634452309202
0.80 is the accuracy we got from logistic regression. One of the major reasons why we applied logistic regression is because of the binary outcome of our target variable.
Now let’s check the performance of our logistic regression model on test data:
pipe.predict_proba(X_test)[10]
Output:
array([0.5443571, 0.4556429])
5.2: Implementing Random Forest Classifier
# rf = RandomForestClassifier()
pipe2 = Pipeline(steps=[
('step1', cf),
('step2',RandomForestClassifier())
])
pipe2.fit(X_train,y_train)
print(metrics.accuracy_score(y_test,pipe2.predict(X_test)))
Output:
0.9990889340528418
Let’s check the performance of the random forest classifier on test data:
pipe2.predict_proba(X_test)[10]
array([0.04, 0.96])
B0th index represents the likelihood of losing, and the 1st index represents the likelihood of winning
From the above outputs, our model seems 99% accurate. But it might be an indicator of some serious issue or overfitting. So we will move forward with a logistic regression model only.
Also, the Random Forest model produces highly accurate results, which we can see from our output. For example, for the 10th sample, the model shows a 96% likelihood of winning and only a 4% likelihood of losing. This bias can sometimes be unrealistic and too strong, and it is better to use a model that treats both classes equally. We don’t know which team will perform better and win the game, so having a fair and unbiased model on both sides is important.
Now let’s save our model in a pickle file:
After running this code below, check your folder ‘IPL Win Predictor System.’ There should be a file named pipe. pkl in that folder.
# saving the logistic regression model
import pickle
pickle.dump(pipe, open('pipe.pkl', 'wb'))
Let’s start creating our app now:
#Importing the necessary dependencies
import streamlit as st
import pandas as pd
import pickle
from sklearn.compose import ColumnTransformer
from sklearn.preprocessing import OneHotEncoder
# Declaring the teams
teams = ['Sunrisers Hyderabad',
'Mumbai Indians',
'Royal Challengers Bangalore',
'Kolkata Knight Riders',
'Kings XI Punjab',
'Chennai Super Kings',
'Rajasthan Royals',
'Delhi Capitals']
# declaring the venues where the matches are going to take place
cities = ['Hyderabad', 'Bangalore', 'Mumbai', 'Indore', 'Kolkata', 'Delhi',
'Chandigarh', 'Jaipur', 'Chennai', 'Cape Town', 'Port Elizabeth',
'Durban', 'Centurion', 'East London', 'Johannesburg', 'Kimberley',
'Bloemfontein', 'Ahmedabad', 'Cuttack', 'Nagpur', 'Dharamsala',
'Visakhapatnam', 'Pune', 'Raipur', 'Ranchi', 'Abu Dhabi',
'Sharjah', 'Mohali', 'Bengaluru']
# Loading our machine learning model from a saved pickle file
pipe = pickle.load(open('pipe.pkl', 'rb')) #remember all folders including pipe.pkl,
# notebook, datasets exist in the same directory
# Setting up the app's title
st.title('IPL Win Predictor')
# Setting up the layout with two columns
col1, col2 = st.columns(2)
# Creating a dropdown selector for the batting team
with col1:
battingteam = st.selectbox('Select the batting team', sorted(teams))
# Creating a dropdown selector for the bowling team
with col2:
bowlingteam = st.selectbox('Select the bowling team', sorted(teams))
# Creating a dropdown selector for the city where the match is being played
city = st.selectbox(
'Select the city where the match is being played', sorted(cities))
# Creating a numeric input for the target score using number_input method in streamlit
target = int(st.number_input('Target', step=1))
# Setting up the layout with three columns
col3, col4, col5 = st.columns(3)
# Creating a numeric input for the current score
with col3:
score = int(st.number_input('Score', step=1))
# Creating a numeric input for the number of overs completed
with col4:
overs = int(st.number_input('Overs Completed', step=1))
# Creating a numeric input for the number of wickets fallen
with col5:
wickets = int(st.number_input('Wickets Fallen', step=1))
# Checking for different match results based on the input provided
if score > target:
st.write(battingteam,"won the match")
elif score == target-1 and overs==20:
st.write("Match Drawn")
elif wickets==10 and score < target-1:
st.write(bowlingteam, 'Won the match')
elif wickets==10 and score == target-1:
st.write('Match tied')
elif battingteam==bowlingteam:
st.write('To proceed, please select different teams because no match can be
played between the same teams')
else:
# Checking if the input values are valid or not
if target >= 0 and target <= 300 and overs >= 0 and overs <=20
and wickets <= 10 and wickets>=0 and score>= 0:
try:
if st.button('Predict Probability'):
# Calculating the number of runs left for the batting team to win
runs_left = target-score
# Calculating the number of balls left
balls_left = 120-(overs*6)
# Calculating the number of wickets left for the batting team
wickets = 10-wickets
# Calculating the current Run-Rate of the batting team
currentrunrate = score/overs
# Calculating the Required Run-Rate for the batting team to win
requiredrunrate = (runs_left*6)/balls_left
# Creating a pandas DataFrame containing the user inputs
input_df = pd.DataFrame(
{'batting_team': [battingteam],
'bowling_team': [bowlingteam],
'city': [city],
'runs_left': [runs_left],
'balls_left': [balls_left],
'wickets': [wickets],
'total_runs_x': [target],
'cur_run_rate': [currentrunrate],
'req_run_rate': [requiredrunrate]})
# Loading the trained machine learning pipeline to make the prediction
result = pipe.predict_proba(input_df)
# Extracting the likelihood of loss and win
lossprob = result[0][0]
winprob = result[0][1]
# Displaying the predicted likelihood of winning and losing in percentage
st.header(battingteam+"- "+str(round(winprob*100))+"%")
st.header(bowlingteam+"- "+str(round(lossprob*100))+"%")
#Catching ZeroDivisionError
except ZeroDivisionError:
st.error("Please fill all the details")
#Displaying an error message if the input is incorrect
else:
st.error('There is something wrong with the input,
please fill the correct details')
Above we have implemented IPL win prediction system app using Streamlit. It takes input from the user, including the batting team, bowling team, city where the match is being played, target score, current score, overs completed, and wickets fallen. It then processes the input data and predicts the likelihood of either of the teams winning the match using a pre-trained logistic regression model. The prediction is displayed on the screen. Our code implements several checks to ensure that the input data is valid and appropriate for the IPL T-20 format.
I have used embedded comments to explain the code. You can refer to these comments to understand how we developed the application and how it works.
Finally, we have created our app.
Now let’s check what files are present in our desktop folder till now: app.py, python notebook file, deliveries.csv, matches.csv, pipe. pkl. Now let’s create our requirements.txt file.
How to create a requirements.txt file?
In IPL Win Predictor System, create a new text file named requirements.txt and copy-paste all these dependencies into that folder.
streamlit
sklearn
pandas
scikit-learn==0.24
There are also traditional techniques to create a requirements.txt file, such as running the “pip freeze > requirements.txt” command in the terminal. However, this command can add unnecessary dependencies to the file and may cause version issues. Therefore, instead of relying on the automated process, we manually create the requirements.txt file to ensure that it only includes the necessary dependencies and versions. This way, we can have better control over the dependencies and avoid potential version conflicts.
Finally, we have all the required files in our folder now.
Quick Check: These files should be present in your folder:
To make our Data Science Project available on GitHub and Streamlit Share, follow these steps:
Finally, we have deployed our app on the streamlit share platform. Congratulations to you; here’s a glimpse at our working app:
Before:
After:
Based on the current score of the match, our app predicts that there is a 47% probability of Chennai Super Kings winning the match and a 53% probability of Mumbai Indians winning the match.
GitHub Link: https://github.com/HarshJain41/IPL-Match-Win-Predictor
Link to the working app: app
We have now ended this exciting Data Science Project, and I hope you have learned something new and valuable. Throughout our journey, we have explored various topics, starting from creating a folder to store our project files, performing exploratory data analysis, data preprocessing, developing a model, and finally deploying it on the Streamlit Share platform.
I would like to thank you for taking the time to complete this Data Science Project, and I congratulate you for making it to the end of this article. Keep exploring and expanding your knowledge in the field of data science. Thank you again for your dedication and the time you have invested in this project.
The media shown in this article is not owned by Analytics Vidhya and is used at the Author’s discretion.