0% found this document useful (0 votes)
110 views48 pages

Guru Nanak Dev Engineering College, Ludhiana

The document provides information about a student's six-month industrial training at a company from a certain date to another date. It includes a declaration signed by the student stating that the training report being submitted is an accurate record of their work. It also documents the student's industrial training viva voce examination being held and accepted on a particular date.

Uploaded by

pankaj
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)
110 views48 pages

Guru Nanak Dev Engineering College, Ludhiana

The document provides information about a student's six-month industrial training at a company from a certain date to another date. It includes a declaration signed by the student stating that the training report being submitted is an accurate record of their work. It also documents the student's industrial training viva voce examination being held and accepted on a particular date.

Uploaded by

pankaj
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/ 48

GURU NANAK DEV ENGINEERING COLLEGE, LUDHIANA

CANDIDATE'S DECLARATION

I “NAME OF THE STUDENT” hereby declare that I have undertaken Six month training

“Name of Company/ Industry / Institute” during a period from ______ to _______ in

partial Fulfillment of requirements for the award of degree of B .Tech (Electronics and

Communication Engineering) at GURU NANAK DEV ENGINEERING COLLEGE,

LUDHIANA. The work which is being presented in the training report submitted to

Department of Electronics and Communication Engineering at GURU NANAK DEV

ENGINEERING COLLEGE, LUDHIANA is an authentic record of training work.

Signature of the Student

The Six Month industrial training Viva–Voce Examination of__________________ has

been held on ____________ and accepted.

Signature of Internal Examiner Signature of External Examiner

Sample sheet –Declaration


ABOUT THE INSTITUTE

The Department of Electronics and Communication Engineering,

established in 1981, is one of the most dynamic departments of Guru

Nanak Dev Engineering College. It was the first major diversification

initiative by the college, 25 years after its establishment. The

department is currently running Bachelors and Masters of Technology

courses in Electronics and Communication Engineering and has around

10 scholars enrolled for doctorate in areas like Antenna Design, VLSI,

Optical communication etc. Ever since its inception, the department has

been the hub of academic excellence through some great teachers who

have laid a sound foundation as well as the cream of students of the

region, who have spread their wings all over the globe. The alumni of

the department are not only excelling in India but also in the Silicon

Valley and other hubs of Electronics Technology. They are at the

forefront of the Telecom revolution of the last 20 years and manning

pivotal positions in Telecom operators in India, South East Asia, Pacific

region and Africa.

In the last two years, as a part of an academically autonomous system,

the department has taken numerous quality initiatives including

revamping of syllabi so that it is in tune with the outcome based system

as proposed in the Washington Accord. I urge the current students to be

worthy emulators of the legacy of their seniors for the glory of their

Institute.
SUMMER TRAINING CERTIFICATE

https://eict.iitr.ac.in/cert/cloudxlab/jpg/cert-L4WR6.jpg
1.) INTRODUCTION

The term Machine Learning was first coined by Arthur Samuel in the year 1959. Looking

back, that year was probably the most significant in terms of technological advancements.

If you browse through the net about ‘what is Machine Learning’, you’ll get at least 100

different definitions. However, the very first formal definition was given by Tom M.

Mitchell:

“A computer program is said to learn from experience E with respect to some class of

tasks T and performance measure P if its performance at tasks in T, as measured by P,

improves with experience E.”

In simple terms, Machine learning is a subset of Artificial Intelligence (AI) which

provides machines the ability to learn automatically & improve from experience

without being explicitly programmed to do so. In the sense, it is the practice of getting

Machines to solve problems by gaining the ability to think.

Machine Learning Definitions

Algorithm: A Machine Learning algorithm is a set of rules and statistical techniques used

to learn patterns from data and draw significant information from it. It is the logic behind

a Machine Learning model. An example of a Machine Learning algorithm is the Linear

Regression algorithm.

Model: A model is the main component of Machine Learning. A model is trained by

using a Machine Learning Algorithm. An algorithm maps all the decisions that a model

is supposed to take based on the given input, in order to get the correct output.

Predictor Variable: It is a feature(s) of the data that can be used to predict the output.
Response Variable: It is the feature or the output variable that needs to be predicted by

using the predictor variable(s).

Training Data: The Machine Learning model is built using the training data. The training

data helps the model to identify key trends and patterns essential to predict the output.

Testing Data: After the model is trained, it must be tested to evaluate how accurately it

can predict an outcome. This is done by the testing data set.

ARTIFICAL INTELIGANCE, MACHINE LEARNING, AND DEEP LEARNING


Machine Learning Algorithms
Traditional Programming vs. Machine Learning Approach

Traditional Approach

Traditional programming relies on hard-coded rules.

Machine Learning Approach


Machine Learning relies on learning patterns based on sample data.
Types of Machine Learning

Techniques of Machine Learning

Supervised Learning

Define Supervised Learning

Supervised learning is the machine learning task of learning a function that maps an

input to an output based on example input-output pairs. It infers a function from

labeled training data consisting of a set of training examples


In supervised learning, each example is a pair consisting of an input object (typically

a vector) and a desired output value (also called the supervisory signal).

Supervised Learning Flow

 Data Preparation
Design algorithmic
logic Train the
model with Train
X
Derive the relationship between x and y, that is, y = f(x)
 Training Step
Design algorithmic
logic Train the
model with Train
Derive the relationship between x and y, that is, y = f(x)
 Evaluation or Test Step
Evaluate or test with Train E
If accuracy score is high, you have the final learned
If accuracy score is low, go back to training step
 Production Deployment
Use the learned algorithm y = f(x) to predict production data.

The algorithm can be improved by more training data, capacity, or algo redesign.

Testing the Algorithms

 Once the algorithm is trained, test it with test data (a set of data instances that

do not appear in the training set).

 A well-trained algorithm can predict well for new test data.


 If the learning is poor, we have an under fitted situation. The algorithm will

not work well on test data. Retraining may be needed to find a better fit.

 If learning on training data is too intensive, it may lead to overfitting–a

situation where the algorithm is not able to handle new testing data that it has

not seen before. The technique to keep data generic is called regularization.

Examples of Supervised Learning

 Voice Assistants

 Gmail Filters

 Weather Apps

Types of Supervised Learning


Classification

Answers “What class?”

Regression

 Answers “How much?”

 Applied when the output is a continuous number

 A simple regression algorithm: y = wx + b. Example:

relationship between environmental temperature (y)

and humidity levels (x)


1.1.1. Unsupervised Learning

Define Unsupervised Learning

Unsupervised learning is the training of machine using information that is neither

classified nor labeled and allowing the algorithm to act on that information without

guidance

Here the task of machine is to group unsorted information according to similarities,

patterns and differences without any prior training of data.

Types of Unsupervised Learning


 Clustering

The most common unsupervised learning method is cluster analysis. It is used to

find data clusters so that each cluster has the most closely matched data.

 Visualization Algorithms

Visualization algorithms are unsupervised learning algorithms that accept unlabeled

data and display this data in an intuitive 2D or 3D format. The data is separated into

somewhat clear clusters to aid understanding.

 Anomaly Detection

This algorithm detects anomalies in data without any prior training.

Semi- supervised Learning

Define Semi- Supervised Learning

Semi-supervised learning is a class of machine learning tasks and techniques that

also make use of unlabeled data for training – typically a small amount of labeled data

with a large amount of unlabeled data.


Semi-supervised learning falls between unsupervised learning (without any labeled

training data) and supervised learning (with completely labeled training data).

Example of Semi-supervised Learning

Google Photos automatically detects the same person in multiple photos from a

vacation trip (clustering –unsupervised).

 One has to just name the person once (supervised), and the name tag

gets attached to that person in all the photos.

Reinforcement Learning

Define Reinforcement Learning

Reinforcement Learning is a type of Machine Learning that allows the learning

system to observe the environment and learn the ideal behavior based on trying to

maximize some notion of cumulative reward.

Define Reinforcement Learning


Reinforcement Learning is a type of Machine Learning that allows the learning

system to observe the environment and learn the ideal behavior based on trying to

maximize some notion of cumulative reward.

It differs from supervised learning in that labelled input/output pairs need not be

presented, and sub-optimal actions need not be explicitly corrected. Instead the

focus is finding a balance between exploration (of uncharted territory) and

exploitation (of current knowledge)

Features of Reinforcement Learning

 The learning system (agent) observes the environment, selects and

takes certain actions, and gets rewards in return (or penalties in

certain cases).

 The agent learns the strategy or policy (choice of actions) that

maximizes its rewards over time.

Example of Reinforcement Learning

 In a manufacturing unit, a robot uses deep reinforcement learning to

identify a device from one box and put it in a container.

 The robot learns this by means of a rewards-based learning system,


which incentivizes it for the right action.

Data Preprocessing

Data Preparation

Data Preparation Process

 Machine Learning depends largely on test data.

 Data preparation involves data selection, filtering, transformation, etc.

 Data preparation is a crucial step to make it suitable for ML.

 A large amount of data is generally required for the most

common forms of ML.

Types of Data

 Labelled Data or Training Data


 Unlabeled Data

 Test Data

 Validation Data

Feature Engineering

Define Feature Engineering

The transformation stage in the data preparation process includes an important step

known as Feature Engineering.

Feature Engineering refers to selecting and extracting right features from the data

that are relevant to the task and model in consideration.

Aspects of Feature Engineering

 Feature Selection

 Most useful and relevant features are selected from the available data

 Feature Addition

New features are created by gathering new data

 Feature Extraction
Existing features are combined to develop more useful ones

 Feature Filtering

Filter out irrelevant features to make the modelling step easy

Feature Scaling

Define Feature Scaling

 Feature scaling is an important step in the data transformation stage

of data preparation process.

 Feature Scaling is a method used in Machine Learning for

standardization of independent variables of data features.

Techniques of Feature Scaling

 Standardization

 Standardization is a popular feature scaling method, which

gives data the property of a standard normal distribution (also

known as Gaussian distribution).

 All features are standardized on the normal distribution (a

mathematical model).
 The mean of each feature is centered at zero, and the feature

column has a standard deviation of one.

Normalization

In most cases, normalization refers to rescaling of data features between 0 and 1, which is

a special case of Min-Max scaling.


 In the given equation, subtract the min value for each feature

from each feature instance and divide by the spread between

max and min.

In effect, it measures the relative percentage of distance of each

from the min value for that feature

1.1. Supervised learning

1.1.1. Regression

 In statistical modeling, regression analysis is a set of statistical processes for

estimating the relationships among variables.

It includes many techniques for modeling and analyzing several variables, when the

focus is on the relationship between a dependent variable and one or more independent

variables (or 'predictors')

More specifically, regression analysis helps one understand how the typical value

of the dependent variable (or 'criterion variable') changes when any one of the

independent variables is varied, while the other independent variables are held

fixed.

Linear Regression
Linear regression is a linear approach for modeling the relationship between

a scalar dependent variable y and an independent variable x.

 where x, y, w are vectors of real numbers and w is a vector of weight

parameters.

 The equation is also written as:

y = wx + b

 where b is the bias or the value of output for zero input

 Multiple Linear Regression

 It is a statistical technique used to predict the outcome of a response

variable through several explanatory variables and model the

relationships between them.


It represents line fitment between multiple inputs and one output, typically:

Polynomial Regression

 Polynomial regression is applied when data is not formed in a

straight line.

 It is used to fit a linear model to non-linear data by creating new

features from powers of non-linear features.

Decision Tree Regression

o A decision tree is a graphical representation of all the possible

solutions to a decision based on a few conditions.

o Decision Trees are non-parametric models, which means that the

number of parameters is not determined prior to training. Such

models will normally overfit data.

o In contrast, a parametric model (such as a linear model) has a


predetermined number of parameters, thereby reducing its

degrees of freedom. This in turn prevents overfitting.

o max_depth –limit the maximum depth of the tree

o min_samples_split –the minimum number of samples a node

must have before it can be split

o min_samples_leaf –the minimum number of samples a leaf node

must have

o min_weight_fraction_leaf –same as min_samples_leaf but

expressed as a fraction of total instances

o max_leaf_nodes –maximum number of leaf nodes

o max_features –maximum number of features that are evaluated

for splitting at each node

Random Forest Regression

 Ensemble Learning uses the same algorithm multiple times or a

group of different algorithms together to improve the prediction

of a model.
Random Forests use an ensemble of decision trees to perform regression tasks.

Classification

It specifies the class to which data

elements belong to. It predicts a class for

an input variable.

It is best used when the output has finite and discreet values.

There are 2 types of classification, binomial and multi-class


2.5.2.1. Linear Models
2.5.2.1.1. Logistic Regression

 This method is widely used for binary classification

problems. It can also be extended to multi-class

classification problems.

 A binary dependent variable can have only two values, like

0 or 1, win or lose, pass or fail, healthy or sick, etc.

 The probability in the logistic regression is often represented

by the

Sigmoid function (also called the logistic function or the

S-curve)

Support Vector machines

 SVMs are very versatile and are also capable of performing


linear or nonlinear classification, regression, and outlier

detection.

 They involve detecting hyperplanes which segregate data into classe

 The optimization objective is to find “maximum margin

hyperplane” that is farthest from the closest points in the two

classes (these points are called support vectors).

2.5.2.2. Nonlinear Models


2.5.2.2.1. K-Nearest Neighbors (KNN)

K-nearest Neighbors algorithm is used to assign a data point to

clusters based on similarity measurement.


A new input point is classified in the category such that it has the

greatest number of neighbors from that category.

Kernel Support Vector Machines (SVM)

Kernel SVMs are used for classification of nonlinear data.

In the chart, nonlinear data is projected into a higher

dimensional space via a mapping function where it becomes

linearly separable.

A reverse projection of the higher dimension back

to original feature space takes it back to nonlinear shape.

Naïve Bayes

 According to Bayes model, the conditional probability

P(Y|X) can be calculated as:

 This means you have to estimate a very large number of

P(X|Y) probabilities for a relatively small vector space X.


Decision Tree Classification

 The advantage of decision trees is that they require very

little data preparation.

 They do not require feature scaling or centering at all.

 They are also the fundamental components of Random

Forests, one of the most powerful ML algorithms.


 Start at the tree root and split the data on the feature using

the decision algorithm, resulting in the largest information

gain (IG).

Random Forest Classification

 Random decision forests correct for decision trees' habit of

overfitting to their training set.

 Random forests or random decision forests are an ensemble

learning method for classification, regression and other tasks that

operates by constructing a multitude of decision trees at training

time and outputting the class that is the mode of the classes

(classification) or mean prediction (regression) of the individual

trees.

1.2. Unsupervised learning


1.2.1. Clustering

2.6.1.1. Clustering Algorithms

Clustering means

 Clustering is a Machine Learning technique that involves

the grouping of data points.

Prototype Based Clustering

 Prototype-based clustering assumes that most data is located

near prototypes; example: centroids (average) or medoid

(most frequently occurring point)

 K-means, a Prototype-based method, is the most popular

method for clustering that involves:

 Training data that gets assigned to matching cluster

based on similarity

 Iterative process to get data points in the best clusters

possible

2.6.1.2. K-means Clustering


K-means Clustering Algorithm

Step 1: randomly pick k centroids

Step 2: assign each point to the nearest centroid

Step 3: move each centroid to the center of the

respective cluster Step 4: calculate the distance of the

centroids from each point again

Step 5: move points across clusters and re-calculate the

distance from the centroid

Step 6: keep moving the points across clusters until the

Euclidean distance is minimized

Elbow Method

 One could plot the Distortion against the number of clusters K.

Intuitively, if K increases, distortion should decrease. This is because

the samples will be close to their assigned centroids. This plot is

called the Elbow method.


 It indicates the optimum number of clusters at the position of the

elbow, the point where distortion begins to increase most rapidly.

Euclidian Distance

 K-means is based on finding points close to cluster centroids.

The distance between two points x and y can be measured by

the squared Euclidean distance between them in an m-

dimensional space.

Examples of K-means Clustering

 Grouping articles (example: Google news)

 Grouping customers who share similar interests

 Classifying high risk and low risk patients from a patient pool
Introduction to Deep Learning

Meaning and Importance of Deep Learning

Define Deep Learning

Deep Learning is a specialized form of Machine Learning that uses supervised,

unsupervised, or semi-supervised learning to learn data representations.

It is similar to the structure and function of the human nervous system.

Why Deep Learning

The vast availability of Big Data enables machines to be trained.

Experts have discovered multi-layered learning networks that can be

leveraged for deep learning as they learn in layers.

Scientists have figured out that high-performing graphics processing

units (GPU) can be used for deep learning.

ML Vs Deep Learning
1.2.2. Artificial Neural Networks

 Deep learning relies on multiple layers of training.

 Artificial Neural Network is a computing system made up of a

number of simple, highly interconnected processing elements which

process information by their dynamic state response to external

inputs.
 It is an interconnected group of nodes akin to the vast network of

layers of neurons in a brain.

1.2.3. TensorFlow

TensorFlow is the open source Deep Learning library provided by Google.

It allows development of a variety of neural network applications such as

computer vision, speech processing, or text recognition.

It uses data flow graphs for numerical computations.

2. Reason for choosing Machine Learning


 Learning machine learning brings in better career opportunities

 Machine learning is the shining star of the moment.

 Every industry looking to apply AI in their domain, studying

machine learning opens world of opportunities to develop cutting

edge machine learning applications in various verticals – such as

cyber security, image recognition, medicine, or face recognition.

 Several machine learning companies on the verge of hiring skilled

ML engineers, it is becoming the brain behind business intelligence.

 Machine Learning Jobs on the rise

 The major hiring is happening in all top tech companies in search of


those special kind of people (machine learning engineers) who can

build a hammer (machine learning algorithms).

 The job market for machine learning engineers is not just hot but it’s

sizzling.

 Machine Learning Jobs on Indeed.com - 2,500+(India) & 12,000+(US)

2.) TRAINING WORK UNDERTAKEN

TRAINING STEPS ARE:

1.) Hands on with python (explained upper)

2.) Hands on with machine learning (explained upper)

3.) Hands on with deep learning (explained upper)

4.) Project

Project preparation steps

1.) First required a data set (IPL data set of first 5 inning): link of the data set is

________________ which is uploaded to my git hub account

Since the dawn of the IPL in 2008, it has attracted viewers all around the globe. High level

of uncertainty and last moment nail biters has urged fans to watch the matches. Within a

short period, IPL has become the highest revenue generating league of cricket. Data

Analytics has been a part of sports entertainment for a long time. In a cricket match, we

might have seen the score line showing the probability of the team winning based on the

current match situation. This, my friend, is Data Analytics in action!


In Machine Learning, the problems are categorized into 2 groups mainly: Regression

Problem and Classification problem. The Regression problem deals with the kind of

problems having continuous values as output while in the Classification problem the

outputs are categorical values. Since the output of winner prediction is a continuous

value, the problem which we are trying to solve is a regression problem

2.) Apply the approach of machine learning and apply the best fit algorithm:

o Importing essential libraries

o . head is used to view the data set

o --- Data Cleaning ---

 Removing unwanted columns


o

o Keeping only consistent teams

o Removing the first 5 overs data in every match

o Converting the column 'date' from string into date time object

o --- Data Preprocessing ---


 Converting categorical features using OneHotEncoding method
o Rearranging the columns

o Splitting the data into train and test set

o Removing the 'date' column

o --- Model Building ---


 Linear Regression Model

o Creating a pickle file for the classifier

o Ridge Regression
o Visualization using seaborn module

3.) made a flask app for my ml model


 flask

Flask is a web framework. This means flask provides you with tools, libraries and

technologies that allow you to build a web application. This web application can

be some web pages, a blog, a wiki or go as big as a web-based calendar application

or a commercial website. Flask is part of the categories of the micro-framework.

Micro-framework is normally framework with little to no dependencies to

external libraries. This has pros and cons. Pros would be that the framework is

light, there are little dependency to update and watch for security bugs, cons is

that some time you will have to do more work by yourself or increase yourself the

list of dependencies by adding plugins.

 Templating

Templates are files that contain static data as well as placeholders for dynamic
data. A template is rendered with specific data to produce a final

document. Flask uses the Jinja template library to render templates. In your

application, you will use templates to render HTML which will display in the

user's browser.

o Flask app code

# Importing essential libraries


from flask import Flask, render_template, request
import pickle
import numpy as np

# Load the Random Forest CLassifier model


filename = 'first-innings-score-lr-model.pkl'

app = Flask(__name__)

@app.route('/')
def home():
return render_template('index.html')

@app.route('/predict', methods=['POST'])
def predict():
temp_array = list()

if request.method == 'POST':

batting_team = request.form['batting-team']
if batting_team == 'Chennai Super Kings':
temp_array = temp_array + [1,0,0,0,0,0,0,0]
elif batting_team == 'Delhi Daredevils':
temp_array = temp_array + [0,1,0,0,0,0,0,0]
elif batting_team == 'Kings XI Punjab':
temp_array = temp_array + [0,0,1,0,0,0,0,0]
elif batting_team == 'Kolkata Knight Riders':
temp_array = temp_array + [0,0,0,1,0,0,0,0]
elif batting_team == 'Mumbai Indians':
temp_array = temp_array + [0,0,0,0,1,0,0,0]
elif batting_team == 'Rajasthan Royals':
temp_array = temp_array + [0,0,0,0,0,1,0,0]
elif batting_team == 'Royal Challengers Bangalore':
temp_array = temp_array + [0,0,0,0,0,0,1,0]
elif batting_team == 'Sunrisers Hyderabad':
temp_array = temp_array + [0,0,0,0,0,0,0,1]
bowling_team = request.form['bowling-team']
if bowling_team == 'Chennai Super Kings':
temp_array = temp_array + [1,0,0,0,0,0,0,0]
elif bowling_team == 'Delhi Daredevils':
temp_array = temp_array + [0,1,0,0,0,0,0,0]
elif bowling_team == 'Kings XI Punjab':
temp_array = temp_array + [0,0,1,0,0,0,0,0]
elif bowling_team == 'Kolkata Knight Riders':
temp_array = temp_array + [0,0,0,1,0,0,0,0]
elif bowling_team == 'Mumbai Indians':
temp_array = temp_array + [0,0,0,0,1,0,0,0]
elif bowling_team == 'Rajasthan Royals':
temp_array = temp_array + [0,0,0,0,0,1,0,0]
elif bowling_team == 'Royal Challengers Bangalore':
temp_array = temp_array + [0,0,0,0,0,0,1,0]
elif bowling_team == 'Sunrisers Hyderabad':
temp_array = temp_array + [0,0,0,0,0,0,0,1]

overs = float(request.form['overs'])
runs = int(request.form['runs'])
wickets = int(request.form['wickets'])
runs_in_prev_5 = int(request.form['runs_in_prev_5'])
wickets_in_prev_5 = int(request.form['wickets_in_prev_5'])

temp_array = temp_array + [overs, runs, wickets, runs_in_prev_5, wickets_in_p


rev_5]

data = np.array([temp_array])
my_prediction = int(regressor.predict(data)[0])

return render_template('result.html', lower_limit = my_prediction-


10, upper_limit = my_prediction+5)

if __name__ == '__main__':
app.run(debug=True)

o Template of frontend

<!DOCTYPE html>
<html lang="en" dir="ltr">
<head>
<meta charset="utf-8">
<title>First Innings Score Predictor</title>
<link rel="shortcut icon" href="{{ url_for('static', filename='ipl-favicon.ico') }}">
<link rel="stylesheet" type="text/css" href="{{ url_for('static', filename='styles.css') }}">
<script src="https://kit.fontawesome.com/5f3f547070.js" crossorigin="anonymous"></script>
<link href="https://fonts.googleapis.com/css2?family=Open+Sans:wght@300&display=swap" rel="style
sheet">
</head>
<body background="static\back.jpg">
<!-- Website Title -->
<div class="container">
<h2 class='container-
heading'><span class='heading_first'>First Innings Score Predictor for </span><span class="headi
ng_second">Indian Premier League (IPL)</span></h2>
<div class='description'>
<p>A Machine Learning Web App, Built with Flask, Deployed using Heroku.</p>
</div>
</div>

<!-- Prediction Area -->


<div class="prediction-area">

<!-- IPL Banner - 1 -->


<div class='ipl-banner-left'>

<div class="slider-frame">
<div class="slide-images-up">

<!-- Image-1 -->


<div class="image-container">
<img class="image-width" src="{{ url_for('static', filename='mi.jpg') }}" alt="Mumbai Indians">
</div>
<!-- Image-2 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='srh.png') }}" alt="Sunrisers Hyderabad">
</div>
<!-- Image-3 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='rcb.png') }}" alt="Royal Challengers Bangalore">
</div>
<!-- Image-4 -->
<div class="image-container">
<img class="image-width" src="{{ url_for('static', filename='dc.png') }}" alt="Delhi Capitals">
</div>
<!-- Image-5 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='rr.png') }}" alt="Rajasthan Royals">
</div>
<!-- Image-6 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='kkr.jpg') }}" alt="Kolkata Knight Riders">
</div>
<!-- Image-7 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='kxip.png') }}" alt="Kings XI Punjab">
</div>
<!-- Image-8 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='csk.png') }}" alt="Chennai Super Kings">
</div>

</div>
</div>

</div>

<!-- Prediction Form -->


<div class='div2'>
<form action="{{ url_for('predict') }}" method="POST">
<!-- Batting Team Dropdown -->
<select class="form-input align-center" name="batting-team">
<option value="none">--- Select a Batting team ---</option>
<option value="Mumbai Indians">Mumbai Indians</option>
<option value="Kolkata Knight Riders">Kolkata Knight Riders</option>
<option value="Chennai Super Kings">Chennai Super Kings</option>
<option value="Rajasthan Royals">Rajasthan Royals</option>
<option value="Kings XI Punjab">Kings XI Punjab</option>
<option value="Royal Challengers Bangalore">Royal Challengers Bangalore</option>
<option value="Delhi Daredevils">Delhi Daredevils</option>
<option value="Sunrisers Hyderabad">Sunrisers Hyderabad</option>
</select><br>
<!-- Bowling Team Dropdown -->
<select class="form-input align-center" name="bowling-team">
<option value="none">--- Select a Bowling team ---</option>
<option value="Mumbai Indians">Mumbai Indians</option>
<option value="Kolkata Knight Riders">Kolkata Knight Riders</option>
<option value="Chennai Super Kings">Chennai Super Kings</option>
<option value="Rajasthan Royals">Rajasthan Royals</option>
<option value="Kings XI Punjab">Kings XI Punjab</option>
<option value="Royal Challengers Bangalore">Royal Challengers Bangalore</option>
<option value="Delhi Daredevils">Delhi Daredevils</option>
<option value="Sunrisers Hyderabad">Sunrisers Hyderabad</option>
</select><br>
<input class="form-input" type="text" name="overs" placeholder="Overs (>= 5.0) eg. 7.2"><br>
<input class="form-input" type="text" name="runs" placeholder="Runs eg. 64"><br>
<input class="form-input" type="text" name="wickets" placeholder="Wickets eg. 4"><br>
<input class="form-
input" type="text" name="runs_in_prev_5" placeholder="Runs scored in previous 5 Overs eg. 42"><b
r>
<input class="form-
input" type="text" name="wickets_in_prev_5" placeholder="Wickets taken in previous 5 Overs eg. 3
"><br>

<input type="submit" class="myButton" value="Predict Score">


</form>
</div>

<!-- IPL Banner - 2 -->


<div class='ipl-banner-right'>

<div class="slider-frame">
<div class="slide-images-down">

<!-- Image-1 -->


<div class="image-container">
<img class="image-width" src="{{ url_for('static', filename='mi.jpg') }}" alt="Mumbai Indians">
</div>
<!-- Image-2 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='srh.png') }}" alt="Sunrisers Hyderabad">
</div>
<!-- Image-3 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='rcb.png') }}" alt="Royal Challengers Bangalore">
</div>
<!-- Image-4 -->
<div class="image-container">
<img class="image-width" src="{{ url_for('static', filename='dc.png') }}" alt="Delhi Capitals">
</div>
<!-- Image-5 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='kkr.jpg') }}" alt="Kolkata Knight Riders">
</div>
<!-- Image-6 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='rr.png') }}" alt="Rajasthan Royals">
</div>
<!-- Image-7 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='kxip.png') }}" alt="Kings XI Punjab">
</div>
<!-- Image-8 -->
<div class="image-container">
<img class="image-
width" src="{{ url_for('static', filename='csk.png') }}" alt="Chennai Super Kings">
</div>

</div>
</div>

</div>
</div>

<!-- Footer -->


<div class='footer'>
<div class="contact">
<a target="_blank" href="https://github.com/jasveer123"><i class="fab fa-github fa-lg contact-
icon"></i></a>
<a target="_blank" href="www.linkedin.com/in/jasveer-singh-09857016a"><i class="fab fa-
linkedin fa-lg contact-icon"></i></a>
</div>
<p class='footer-description'>Made with ❤️ by jasveer singh.</p>
</div>

</body>
</html>
3.) Result and discussion

The front end if the project looks like below

By adding the required fields in the form we get prediction score and the result
show as below

The project predicts the score by Appling the linear regression algorithm on the
model and display the score
4.) CONCLUSION AND FUTURE SCOPE

conclusion

Conclusions and Areas of Improvement:

 We have only limited data, so we could not build powerful models. We strongly

believe that the model performance will increase, if we were given large amounts of

data.

 We can’t compare two projects based on their MSE. For example, if in one project,

the output values are in the range of (1,10), and if we predicted the value to be 1 and

the actual value is 10, the error is 9. If in another project, where the output values are
in the range of (300,800), and if we predicted the value to be 740 and the actual value

is 790, the error is 50. But practically, we are performing good in the second project.
So, we can’t say which project is best based on just MSE’s.

Future scope

 Moreover, neglecting all these ruckuses that AI/ML will steadily and

inevitably take over large sectors of the workforce and will bring

mass-scale unemployment, a report from the world’s leading research

and advisory company, Gartner depicts that AI is expected to pave

the way for close to 2.3 million jobs by the year 2020.

 AI professionals, especially in the field of Machine Learning, are in

very high demand, as almost every start up (based on software), as

well as a large enterprise, wants to hire people who have knowledge

of Machine Learning.
Reason for choosing Machine Learning

 Learning machine learning brings in better career opportunities

 Machine learning is the shining star of the moment.

 Every industry looking to apply AI in their domain, studying

machine learning opens world of opportunities to develop cutting

edge machine learning applications in various verticals – such as

cyber security, image recognition, medicine, or face recognition.

 Several machine learning companies on the verge of hiring skilled

ML engineers, it is becoming the brain behind business intelligence.

 Machine Learning Jobs on the rise

 The major hiring is happening in all top tech companies in search of

those special kind of people (machine learning engineers) who can

build a hammer (machine learning algorithms).

 The job market for machine learning engineers is not just hot but it’s

sizzling.

 Machine Learning Jobs on Indeed.com - 2,500+(India) & 12,000+(US)

References

 All Content used in this report is from


 https://www.wikipedia.org/
 https://www.coursera.org/
 https://www.edureka.co/
 https://www.google.com/
 All Pictures are from
 https://www.google.com/
 https://www.wikipedia.org/
 https://www.youtube.com/

You might also like

pFad - Phonifier reborn

Pfad - The Proxy pFad of © 2024 Garber Painting. All rights reserved.

Note: This service is not intended for secure transactions such as banking, social media, email, or purchasing. Use at your own risk. We assume no liability whatsoever for broken pages.


Alternative Proxies:

Alternative Proxy

pFad Proxy

pFad v3 Proxy

pFad v4 Proxy