SlideShare a Scribd company logo
1 of 20
Machine Learning with
Python
Computational Problems
The practice of engineering is applying science to solve a problem. There are 2 kinds of problems:
Deterministic: These are the set of problems which have a pre-defined set of steps which solve
them, every time. E.g software written to dispense currency from an ATM machine. Whatever be the
case, the software executes the same steps everytime to dispense the currency.
Non-Deterministic: There are many problems where the solution is not deterministic. This is
because either we don’t know enough about the problem or we don’t have enough computing
power to model the problem. E.g how to classify whether a mail is spam or not. There is no single
formula to determine a spam mail. It depends on the occurrence of certain words used together,
length of email and other factors. Another example can be how to measure the happiness of
humans. The solution to this problem will differ greatly from 1 person to another. For such cases,
STATISTICS will come into play.
Now, we can approach to solve Non-deterministic problems by using a pre-defined set of rules but
it will not work for all the cases. You can define few rules to classify a mail as SPAM or HAM and it
may work on a given set of mails but a new mail may arrive which may not follow the rules. In this
case, you will have to modify the rules again.
Machine Learning is an approach which uses data to identify patterns(learning) and solves the
problem based on this learning. As new data comes in, the machine learning algorithm adjusts itself
based on the data and start giving out results as per the new learning.
Jargons……
 Statistics is just about the numbers, and quantifying the data. There are many tools for
finding relevant properties of the data but this is pretty close to pure mathematics.
 Data Mining is about using Statistics as well as other programming methods to find
patterns hidden in the data so that you can explain some phenomenon. Data Mining
builds intuition about what is really happening in some data and is still little more towards
math than programming, but uses both.
 Machine Learning uses Data Mining techniques and other learning algorithms to build
models of what is happening behind some data so that it can predict future outcomes. It’s
a particular approach to AI.
 Deep Learning is one type of Machine Learning that achieves great power and flexibility
by learning to represent the world as nested hierarchy of concepts, with each concept
defined in relation to simpler concepts, and more abstract representations computed in
terms of less abstract ones
 Artificial Intelligence uses models built by Machine Learning and other ways
to reason about the world and give rise to intelligent behavior whether this is playing a
game or driving a robot/car. Artificial Intelligence has some goal to achieve by predicting
how actions will affect the model of the world and chooses the actions that will best
achieve that goal. Very programming based.
Jargons……
Artificial Intelligence
NarrowAI
General
Intelligence
Machine Learning
Data Mining
NLP
Deep Learning
Image Processing Voice Recognition
Machine Learning
Machine Learning is the name given to generalizable
algorithms that enable a computer to carry out a task
by examining data rather than hard programming.
Its a subfield of computer science and artificial intelligence
that focuses on developing systems that learn from data
and help in making decisions and predictions based on
that learning. ML enables computers to make data-driven
decisions rather than being explicitly programmed to carry
out a certain task.
Math provides models; understand their relationships and
apply them to real-world objects.
Types of Machine Learning
a. Supervised Learning: These are “predictive” in nature. The purpose is to predict the value of a
particular variable(target variable) based on values of some other variables(independent or explanatory
variables). Classification and Regression are examples of predictive tasks. Classification is used to predict
the value of a discrete target variable while regression is used to predict the value of a continuous target
variable. To predict whether an email is spam or not is a Classification task while to predict the future
price of a stock is a regression task.
They are called supervised because we are telling the algorithm what to predict.
b. Unsupervised Learning: These are “descriptive” in nature. The purpose is to derive patterns that
summarize the underlying relationships in data. Association Analysis, Cluster Analysis and Anomaly
detection are examples of Unsupervised Learning. They are called unsupervised because in such cases,
the final outcome is not known beforehand. With unsupervised learning there is no feedback based on
the prediction results.
c. Reinforcement learning: Where evaluations are given about how good or bad a certain situation is:
Examples include types of ML that enable computers to learn to play games or drive vehicles
Types of Machine Learning
Programming vs Learning
ML – Technical Areas
ML Process
ML Technical Architecture
Required Skills
ML – Process
ML – Effort Distribution
ML – Life Cycle
ML – Architecture
ML – Architecture
Skills Required
About the Program…
Machine Learning Foundations:
Mathematics and Science behind Machine Learning
Functions and Graphs
Statistics and its Applications
Introduction to Probability Theory
About the Program…
Machine Learning:
Getting Started with Machine Learning
• What is Machine Learning – Examples and Applications
• Numpy and Pandas Tutorial
• Scikit Learn Tutorial
• Introduction to Model Evaluation and Validation
• Training and Testing
• Metrics for Evaluation
• 2 Mini-Projects to understand and implement Machine Learning Basics
About the Program…
Supervised Learning
• Introduction to Supervised Learning
• Linear Regression
• Logistic Regression
• Decision Trees
• Random Forests
• Naïve Bayes Classifier
• Bayesian Statistics and Inference
• K-Nearest Neighbor
• Introduction to Neural Networks
• Introduction to Natural language Processing
• Mini Project to apply Supervised Learning Algorithms
About the Program…
Unsupervised Learning
• Introduction to Unsupervised Learning
• K-Means Clustering
• Hierarchal Clustering
• Clustering using DBSCAN
• Clustering Mini-Project
• Feature Selection
• Principal Components Analysis (PCA)
• Feature Transformations
Reinforcement Learning
• Introduction to Reinforcement Learning
• Markov decision Processes
• Game Theory Fundamentals
• Mini Project to implement Reinforcement Learning
About the Program…
Deep Learning
• Introduction to Deep Learning
• Deep Learning tools
• TensorFlow
• Deep Neural networks
• Convolutional Neural Networks
• Neural network Mini-Project
Introduction to Kaggle Platform and other Data Science Competitions
Industry Project: This will be a industry-specific project to solve a real-world problem using
different Machine Learning techniques learned in the overall course.

More Related Content

What's hot

Prediction of House Sales Price
Prediction of House Sales PricePrediction of House Sales Price
Prediction of House Sales PriceAnirvan Ghosh
 
Predicting Moscow Real Estate Prices with Azure Machine Learning
Predicting Moscow Real Estate Prices with Azure Machine LearningPredicting Moscow Real Estate Prices with Azure Machine Learning
Predicting Moscow Real Estate Prices with Azure Machine LearningLeo Salemann
 
Predicting house price
Predicting house pricePredicting house price
Predicting house priceDivya Tiwari
 
Prediction of house price using multiple regression
Prediction of house price using multiple regressionPrediction of house price using multiple regression
Prediction of house price using multiple regressionvinovk
 
housepriceprediction-ml.pptx
housepriceprediction-ml.pptxhousepriceprediction-ml.pptx
housepriceprediction-ml.pptxtommychauhan
 
House Price Prediction.pptx
House Price Prediction.pptxHouse Price Prediction.pptx
House Price Prediction.pptxCodingWorld5
 
Machine Learning Project
Machine Learning ProjectMachine Learning Project
Machine Learning ProjectAbhishek Singh
 
Machine Learning Course | Edureka
Machine Learning Course | EdurekaMachine Learning Course | Edureka
Machine Learning Course | EdurekaEdureka!
 
Feature selection
Feature selectionFeature selection
Feature selectionDong Guo
 
Parametric & Non-Parametric Machine Learning (Supervised ML)
Parametric & Non-Parametric Machine Learning (Supervised ML)Parametric & Non-Parametric Machine Learning (Supervised ML)
Parametric & Non-Parametric Machine Learning (Supervised ML)Rehan Guha
 
Machine Learning project presentation
Machine Learning project presentationMachine Learning project presentation
Machine Learning project presentationRamandeep Kaur Bagri
 
Guiding through a typical Machine Learning Pipeline
Guiding through a typical Machine Learning PipelineGuiding through a typical Machine Learning Pipeline
Guiding through a typical Machine Learning PipelineMichael Gerke
 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfAmazon Web Services
 
L2. Evaluating Machine Learning Algorithms I
L2. Evaluating Machine Learning Algorithms IL2. Evaluating Machine Learning Algorithms I
L2. Evaluating Machine Learning Algorithms IMachine Learning Valencia
 
Support vector machines (svm)
Support vector machines (svm)Support vector machines (svm)
Support vector machines (svm)Sharayu Patil
 

What's hot (20)

Prediction of House Sales Price
Prediction of House Sales PricePrediction of House Sales Price
Prediction of House Sales Price
 
Housing price prediction
Housing price predictionHousing price prediction
Housing price prediction
 
Predicting Moscow Real Estate Prices with Azure Machine Learning
Predicting Moscow Real Estate Prices with Azure Machine LearningPredicting Moscow Real Estate Prices with Azure Machine Learning
Predicting Moscow Real Estate Prices with Azure Machine Learning
 
Predicting house price
Predicting house pricePredicting house price
Predicting house price
 
Prediction of house price using multiple regression
Prediction of house price using multiple regressionPrediction of house price using multiple regression
Prediction of house price using multiple regression
 
housepriceprediction-ml.pptx
housepriceprediction-ml.pptxhousepriceprediction-ml.pptx
housepriceprediction-ml.pptx
 
House Price Prediction.pptx
House Price Prediction.pptxHouse Price Prediction.pptx
House Price Prediction.pptx
 
Machine Learning Project
Machine Learning ProjectMachine Learning Project
Machine Learning Project
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning Course | Edureka
Machine Learning Course | EdurekaMachine Learning Course | Edureka
Machine Learning Course | Edureka
 
Feature selection
Feature selectionFeature selection
Feature selection
 
Ensemble methods
Ensemble methodsEnsemble methods
Ensemble methods
 
boosting algorithm
boosting algorithmboosting algorithm
boosting algorithm
 
Parametric & Non-Parametric Machine Learning (Supervised ML)
Parametric & Non-Parametric Machine Learning (Supervised ML)Parametric & Non-Parametric Machine Learning (Supervised ML)
Parametric & Non-Parametric Machine Learning (Supervised ML)
 
Machine Learning project presentation
Machine Learning project presentationMachine Learning project presentation
Machine Learning project presentation
 
Guiding through a typical Machine Learning Pipeline
Guiding through a typical Machine Learning PipelineGuiding through a typical Machine Learning Pipeline
Guiding through a typical Machine Learning Pipeline
 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdf
 
L2. Evaluating Machine Learning Algorithms I
L2. Evaluating Machine Learning Algorithms IL2. Evaluating Machine Learning Algorithms I
L2. Evaluating Machine Learning Algorithms I
 
Demystifying Xgboost
Demystifying XgboostDemystifying Xgboost
Demystifying Xgboost
 
Support vector machines (svm)
Support vector machines (svm)Support vector machines (svm)
Support vector machines (svm)
 

Similar to Data analytics with python introductory

Machine learning
Machine learningMachine learning
Machine learningeonx_32
 
Machine Learning Basics
Machine Learning BasicsMachine Learning Basics
Machine Learning BasicsSuresh Arora
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptxNaveenkushwaha18
 
Machine learning Chapter 1
Machine learning Chapter 1Machine learning Chapter 1
Machine learning Chapter 1JagadishPogu
 
The Ultimate Guide to Machine Learning (ML)
The Ultimate Guide to Machine Learning (ML)The Ultimate Guide to Machine Learning (ML)
The Ultimate Guide to Machine Learning (ML)RR IT Zone
 
Supervised Machine Learning Techniques common algorithms and its application
Supervised Machine Learning Techniques common algorithms and its applicationSupervised Machine Learning Techniques common algorithms and its application
Supervised Machine Learning Techniques common algorithms and its applicationTara ram Goyal
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learningJohnson Ubah
 
Hot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and ThesisHot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and ThesisWriteMyThesis
 
Lect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdfLect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdfHassanElalfy4
 
Machine Learning The Powerhouse of AI Explained.pdf
Machine Learning The Powerhouse of AI Explained.pdfMachine Learning The Powerhouse of AI Explained.pdf
Machine Learning The Powerhouse of AI Explained.pdfCIO Look Magazine
 
Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...
Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...
Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...eswaralaldevadoss
 
How to choose the right machine learning algorithm for your project (1).pdf
How to choose the right machine learning algorithm for your project (1).pdfHow to choose the right machine learning algorithm for your project (1).pdf
How to choose the right machine learning algorithm for your project (1).pdfSurya250081
 
what-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdfwhat-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdfTemok IT Services
 

Similar to Data analytics with python introductory (20)

Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning Basics
Machine Learning BasicsMachine Learning Basics
Machine Learning Basics
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptx
 
Machine learning Chapter 1
Machine learning Chapter 1Machine learning Chapter 1
Machine learning Chapter 1
 
The Ultimate Guide to Machine Learning (ML)
The Ultimate Guide to Machine Learning (ML)The Ultimate Guide to Machine Learning (ML)
The Ultimate Guide to Machine Learning (ML)
 
Basics of Soft Computing
Basics of Soft  Computing Basics of Soft  Computing
Basics of Soft Computing
 
Machine Learning by Rj
Machine Learning by RjMachine Learning by Rj
Machine Learning by Rj
 
Supervised Machine Learning Techniques common algorithms and its application
Supervised Machine Learning Techniques common algorithms and its applicationSupervised Machine Learning Techniques common algorithms and its application
Supervised Machine Learning Techniques common algorithms and its application
 
recent.pptx
recent.pptxrecent.pptx
recent.pptx
 
machine learning
machine learningmachine learning
machine learning
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
 
Hot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and ThesisHot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and Thesis
 
Lect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdfLect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdf
 
Machine Learning The Powerhouse of AI Explained.pdf
Machine Learning The Powerhouse of AI Explained.pdfMachine Learning The Powerhouse of AI Explained.pdf
Machine Learning The Powerhouse of AI Explained.pdf
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...
Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...
Unlocking the Potential of Artificial Intelligence_ Machine Learning in Pract...
 
AI.pdf
AI.pdfAI.pdf
AI.pdf
 
How to choose the right machine learning algorithm for your project (1).pdf
How to choose the right machine learning algorithm for your project (1).pdfHow to choose the right machine learning algorithm for your project (1).pdf
How to choose the right machine learning algorithm for your project (1).pdf
 
what-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdfwhat-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdf
 
Machine Learning.pptx
Machine Learning.pptxMachine Learning.pptx
Machine Learning.pptx
 

More from Abhimanyu Dwivedi

John mc carthy contribution to AI
John mc carthy contribution to AIJohn mc carthy contribution to AI
John mc carthy contribution to AIAbhimanyu Dwivedi
 
Machine learning session9(clustering)
Machine learning   session9(clustering)Machine learning   session9(clustering)
Machine learning session9(clustering)Abhimanyu Dwivedi
 
Machine learning session8(svm nlp)
Machine learning   session8(svm nlp)Machine learning   session8(svm nlp)
Machine learning session8(svm nlp)Abhimanyu Dwivedi
 
Machine learning session7(nb classifier k-nn)
Machine learning   session7(nb classifier k-nn)Machine learning   session7(nb classifier k-nn)
Machine learning session7(nb classifier k-nn)Abhimanyu Dwivedi
 
Machine learning session6(decision trees random forrest)
Machine learning   session6(decision trees random forrest)Machine learning   session6(decision trees random forrest)
Machine learning session6(decision trees random forrest)Abhimanyu Dwivedi
 
Machine learning session5(logistic regression)
Machine learning   session5(logistic regression)Machine learning   session5(logistic regression)
Machine learning session5(logistic regression)Abhimanyu Dwivedi
 
Machine learning session4(linear regression)
Machine learning   session4(linear regression)Machine learning   session4(linear regression)
Machine learning session4(linear regression)Abhimanyu Dwivedi
 
Machine learning session3(intro to python)
Machine learning   session3(intro to python)Machine learning   session3(intro to python)
Machine learning session3(intro to python)Abhimanyu Dwivedi
 

More from Abhimanyu Dwivedi (11)

Deepfakes videos
Deepfakes videosDeepfakes videos
Deepfakes videos
 
John mc carthy contribution to AI
John mc carthy contribution to AIJohn mc carthy contribution to AI
John mc carthy contribution to AI
 
Machine learning session9(clustering)
Machine learning   session9(clustering)Machine learning   session9(clustering)
Machine learning session9(clustering)
 
Machine learning session8(svm nlp)
Machine learning   session8(svm nlp)Machine learning   session8(svm nlp)
Machine learning session8(svm nlp)
 
Machine learning session7(nb classifier k-nn)
Machine learning   session7(nb classifier k-nn)Machine learning   session7(nb classifier k-nn)
Machine learning session7(nb classifier k-nn)
 
Machine learning session6(decision trees random forrest)
Machine learning   session6(decision trees random forrest)Machine learning   session6(decision trees random forrest)
Machine learning session6(decision trees random forrest)
 
Machine learning session5(logistic regression)
Machine learning   session5(logistic regression)Machine learning   session5(logistic regression)
Machine learning session5(logistic regression)
 
Machine learning session4(linear regression)
Machine learning   session4(linear regression)Machine learning   session4(linear regression)
Machine learning session4(linear regression)
 
Machine learning session3(intro to python)
Machine learning   session3(intro to python)Machine learning   session3(intro to python)
Machine learning session3(intro to python)
 
Machine learning session2
Machine learning   session2Machine learning   session2
Machine learning session2
 
Machine learning session1
Machine learning   session1Machine learning   session1
Machine learning session1
 

Recently uploaded

भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,Virag Sontakke
 
Biting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdfBiting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdfadityarao40181
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatYousafMalik24
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxiammrhaywood
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfUjwalaBharambe
 
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxHistory Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxsocialsciencegdgrohi
 
Types of Journalistic Writing Grade 8.pptx
Types of Journalistic Writing Grade 8.pptxTypes of Journalistic Writing Grade 8.pptx
Types of Journalistic Writing Grade 8.pptxEyham Joco
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Celine George
 
Solving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxSolving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxOH TEIK BIN
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...M56BOOKSTORE PRODUCT/SERVICE
 
Final demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptxFinal demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptxAvyJaneVismanos
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersSabitha Banu
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsanshu789521
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfMahmoud M. Sallam
 
Introduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher EducationIntroduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher Educationpboyjonauth
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxRaymartEstabillo3
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationnomboosow
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
 

Recently uploaded (20)

भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
 
Biting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdfBiting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdf
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice great
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
 
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxHistory Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
 
Types of Journalistic Writing Grade 8.pptx
Types of Journalistic Writing Grade 8.pptxTypes of Journalistic Writing Grade 8.pptx
Types of Journalistic Writing Grade 8.pptx
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17
 
Solving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptxSolving Puzzles Benefits Everyone (English).pptx
Solving Puzzles Benefits Everyone (English).pptx
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
 
Final demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptxFinal demo Grade 9 for demo Plan dessert.pptx
Final demo Grade 9 for demo Plan dessert.pptx
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginners
 
9953330565 Low Rate Call Girls In Rohini Delhi NCR
9953330565 Low Rate Call Girls In Rohini  Delhi NCR9953330565 Low Rate Call Girls In Rohini  Delhi NCR
9953330565 Low Rate Call Girls In Rohini Delhi NCR
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha elections
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdf
 
Introduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher EducationIntroduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher Education
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communication
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
 

Data analytics with python introductory

  • 2. Computational Problems The practice of engineering is applying science to solve a problem. There are 2 kinds of problems: Deterministic: These are the set of problems which have a pre-defined set of steps which solve them, every time. E.g software written to dispense currency from an ATM machine. Whatever be the case, the software executes the same steps everytime to dispense the currency. Non-Deterministic: There are many problems where the solution is not deterministic. This is because either we don’t know enough about the problem or we don’t have enough computing power to model the problem. E.g how to classify whether a mail is spam or not. There is no single formula to determine a spam mail. It depends on the occurrence of certain words used together, length of email and other factors. Another example can be how to measure the happiness of humans. The solution to this problem will differ greatly from 1 person to another. For such cases, STATISTICS will come into play. Now, we can approach to solve Non-deterministic problems by using a pre-defined set of rules but it will not work for all the cases. You can define few rules to classify a mail as SPAM or HAM and it may work on a given set of mails but a new mail may arrive which may not follow the rules. In this case, you will have to modify the rules again. Machine Learning is an approach which uses data to identify patterns(learning) and solves the problem based on this learning. As new data comes in, the machine learning algorithm adjusts itself based on the data and start giving out results as per the new learning.
  • 3. Jargons……  Statistics is just about the numbers, and quantifying the data. There are many tools for finding relevant properties of the data but this is pretty close to pure mathematics.  Data Mining is about using Statistics as well as other programming methods to find patterns hidden in the data so that you can explain some phenomenon. Data Mining builds intuition about what is really happening in some data and is still little more towards math than programming, but uses both.  Machine Learning uses Data Mining techniques and other learning algorithms to build models of what is happening behind some data so that it can predict future outcomes. It’s a particular approach to AI.  Deep Learning is one type of Machine Learning that achieves great power and flexibility by learning to represent the world as nested hierarchy of concepts, with each concept defined in relation to simpler concepts, and more abstract representations computed in terms of less abstract ones  Artificial Intelligence uses models built by Machine Learning and other ways to reason about the world and give rise to intelligent behavior whether this is playing a game or driving a robot/car. Artificial Intelligence has some goal to achieve by predicting how actions will affect the model of the world and chooses the actions that will best achieve that goal. Very programming based.
  • 4. Jargons…… Artificial Intelligence NarrowAI General Intelligence Machine Learning Data Mining NLP Deep Learning Image Processing Voice Recognition
  • 5. Machine Learning Machine Learning is the name given to generalizable algorithms that enable a computer to carry out a task by examining data rather than hard programming. Its a subfield of computer science and artificial intelligence that focuses on developing systems that learn from data and help in making decisions and predictions based on that learning. ML enables computers to make data-driven decisions rather than being explicitly programmed to carry out a certain task. Math provides models; understand their relationships and apply them to real-world objects.
  • 6. Types of Machine Learning a. Supervised Learning: These are “predictive” in nature. The purpose is to predict the value of a particular variable(target variable) based on values of some other variables(independent or explanatory variables). Classification and Regression are examples of predictive tasks. Classification is used to predict the value of a discrete target variable while regression is used to predict the value of a continuous target variable. To predict whether an email is spam or not is a Classification task while to predict the future price of a stock is a regression task. They are called supervised because we are telling the algorithm what to predict. b. Unsupervised Learning: These are “descriptive” in nature. The purpose is to derive patterns that summarize the underlying relationships in data. Association Analysis, Cluster Analysis and Anomaly detection are examples of Unsupervised Learning. They are called unsupervised because in such cases, the final outcome is not known beforehand. With unsupervised learning there is no feedback based on the prediction results. c. Reinforcement learning: Where evaluations are given about how good or bad a certain situation is: Examples include types of ML that enable computers to learn to play games or drive vehicles
  • 7. Types of Machine Learning
  • 9. ML – Technical Areas ML Process ML Technical Architecture Required Skills
  • 11. ML – Effort Distribution
  • 12. ML – Life Cycle
  • 16. About the Program… Machine Learning Foundations: Mathematics and Science behind Machine Learning Functions and Graphs Statistics and its Applications Introduction to Probability Theory
  • 17. About the Program… Machine Learning: Getting Started with Machine Learning • What is Machine Learning – Examples and Applications • Numpy and Pandas Tutorial • Scikit Learn Tutorial • Introduction to Model Evaluation and Validation • Training and Testing • Metrics for Evaluation • 2 Mini-Projects to understand and implement Machine Learning Basics
  • 18. About the Program… Supervised Learning • Introduction to Supervised Learning • Linear Regression • Logistic Regression • Decision Trees • Random Forests • Naïve Bayes Classifier • Bayesian Statistics and Inference • K-Nearest Neighbor • Introduction to Neural Networks • Introduction to Natural language Processing • Mini Project to apply Supervised Learning Algorithms
  • 19. About the Program… Unsupervised Learning • Introduction to Unsupervised Learning • K-Means Clustering • Hierarchal Clustering • Clustering using DBSCAN • Clustering Mini-Project • Feature Selection • Principal Components Analysis (PCA) • Feature Transformations Reinforcement Learning • Introduction to Reinforcement Learning • Markov decision Processes • Game Theory Fundamentals • Mini Project to implement Reinforcement Learning
  • 20. About the Program… Deep Learning • Introduction to Deep Learning • Deep Learning tools • TensorFlow • Deep Neural networks • Convolutional Neural Networks • Neural network Mini-Project Introduction to Kaggle Platform and other Data Science Competitions Industry Project: This will be a industry-specific project to solve a real-world problem using different Machine Learning techniques learned in the overall course.