SlideShare a Scribd company logo
1 of 79
WHY PYTHON FOR AI?
FEATURES OF PYTHON
INTRODUCTION TO ARTIFICIAL INTELLIGENCE
INTRODUCTION TO MACHINE LEARNING
www.edureka.co
PYTHON PACKAGES FOR AI
MACHINE LEARNING ALGORITHMS
INTRODUCTION TO DEEP LEARNING
NATURAL LANGUAGE PROCESSING (NLP)
TEXT MINING
WHY PYTHON FOR AI?
www.edureka.co
Less code
Pre-built libraries
Platform
Independent
Massive Community
Support
Ease of learning
www.edureka.co
Python is an open-source, object-oriented programming language mainly used for Data Science.
StackOverflow calls it as the fastest growing
programming language.
www.edureka.co
PYTHON PACKAGES FOR AI
www.edureka.co
Tensorflow library was developed by Google in collaboration with Brain Team. It is popularly used in
writing Machine Learning algorithms.
Tensorflow
Features of Tensorflow
• Responsive construct
• Flexible
• Easily trainable
• Parallel neural network training
www.edureka.co
Scikit-learn is a Python library associated with NumPy and SciPy. It is considered as one of the best
libraries for working with complex data.
Scikit-learn
Features of Scikit-learn
• Cross validation
• Unsupervised learning algorithms
• Feature extraction
www.edureka.co
Numpy is a python library mainly used for computing scientific/mathematical data.
NumPy
Features of NumPy
• Supports multi-dimensional arrays
• Numerical analysis
• Intuitive
www.edureka.co
Theano is a Python library that allows you to define, optimize, and evaluate mathematical
expressions involving multi-dimensional arrays efficiently.
Theano
Features of Theano
• Tight integration with NumPy
• Transparent use of a GPU
• Extensive unit-testing and self-verification
www.edureka.co
Keras simplifies the implementation of neural networks. It also provides some of the best utilities for
compiling models, processing data-sets, visualization of graphs, and much more.
Keras
Features of Keras
• Runs smoothly on both CPU & GPU
• Supports all types of Neural Networks
• Completely Python based
www.edureka.co
The Natural Language Toolkit (NLTK) is an open source Python library for Natural Language
Processing, text analysis and text mining.
NLTK
Features of NLTK
• Study natural language text
• Text analysis
• Sentimental analysis
www.edureka.co
INTRODUCTION TO ARTIFICIAL INTELLIGENCE
www.edureka.co
More Computational
Power More Data
Better algorithms
Broad Investment
www.edureka.co
“The science and engineering of making intelligent machines”
John McCarthy first coined the term Artificial
Intelligence in the year 1956.
www.edureka.co
The theory and development of computer systems able to perform tasks normally requiring human intelligence, such as visual
perception, speech recognition, decision-making and translation between languages.
Machine Learning
Deep Learning
NLP
Computer Vision
Knowledge Base
Expert System
www.edureka.co
Artificial Narrow Intelligence Artificial General Intelligence Artificial Super Intelligence
The theory and development of computer systems able to perform tasks normally requiring human intelligence, such as visual
perception, speech recognition, decision-making and translation between languages.
www.edureka.co
AI VS ML VS DL
www.edureka.co
Artificial Intelligence
Machine Learning
Deep Learning
ARTIFICIAL INTELLIGENCE
A technique which enables machines
to mimic human behaviour
MACHINE LEARNING
Subset of AI technique which use
statistical methods to enable machines
to improve with experience
DEEP LEARNING
Subset of ML which make the
computation of multi-layer neural
network feasible
www.edureka.co
Artificial Intelligence
Machine Learning
Deep Learning
ARTIFICIAL INTELLIGENCE
A technique which enables machines
to mimic human behaviour
MACHINE LEARNING
Subset of AI technique which use
statistical methods to enable machines
to improve with experience
DEEP LEARNING
Subset of ML which make the
computation of multi-layer neural
network feasible
www.edureka.co
Artificial Intelligence
Machine Learning
Deep Learning
ARTIFICIAL INTELLIGENCE
A technique which enables machines
to mimic human behaviour
MACHINE LEARNING
Subset of AI technique which use
statistical methods to enable machines
to improve with experience
DEEP LEARNING
Subset of ML which make the
computation of multi-layer neural
network feasible
www.edureka.co
INTRODUCTION TO MACHINE LEARNING
www.edureka.co
Machine learning is a subset of Artificial Intelligence (AI) which provides machines the ability to
learn automatically & improve from experience without being explicitly programmed.
What Is Machine Learning?
Data Training the Machine Building a Model Predicting Outcome
www.edureka.co
MACHINE LEARNING PROCESS
www.edureka.co
The Machine Learning process involves building a Predictive model that can be used to
find a solution for a Problem Statement.
MACHINE LEARNING PROCESS
DefineObjective
DataGathering
PreparingData
DataExplorationBuildingaModel
ModelEvaluation
Predictions
www.edureka.co
To predict the possibility of rain by studying the weather conditions.
Step 1: Define the objective of the Problem
• Whatarewetryingtopredict?
• Whatarethetargetfeatures?
• Whatistheinputdata?
• What kind of problem are we facing? Binary classification?
Clustering?
WeatherForecastusing
MachineLearning
www.edureka.co
Data such as weather conditions, humidity level, temperature, pressure, etc are either
collected manually or scarped from the web.
Step 2: Data Gathering
www.edureka.co
Data Cleaning involves getting rid of inconsistencies in data such as missing values
or redundant variables.
Step 3: Preparing Data
• Transformdataintodesiredformat
• Datacleaning
• Missingvalues
• Corrupteddata
• Removeunnecessarydata
www.edureka.co
Data Exploration involves understanding the patterns and trends in the data. At this
stage all the useful insights are drawn and correlations between the variables are
understood.
Step 4: Exploratory Data Analysis
www.edureka.co
At this stage a Predictive Model is built by using Machine Learning Algorithms such as
Linear Regression, Decision Trees, etc.
Step 5: Building a Machine Learning Model
• MachineLearningmodelisbuiltbyusingthetrainingdataset
• The model is the Machine Learning algorithm that predicts the
outputbyusingthedatafedtoit
TrainingData
MachineLearning
Model
www.edureka.co
The efficiency of the model is evaluated and any further improvement in the model are
implemented.
Step 6: Model Evaluation & Optimization
• Machine Learning model is evaluated by using the testing data
set
• Theaccuracyofthemodeliscalculated
• Further improvement in the model are done by using techniques
likeParametertuning
MachineLearningModel
www.edureka.co
The final outcome is predicted after performing parameter tuning and improving the
accuracy of the model.
Step 7: Predictions
www.edureka.co
TYPES OF MACHINE LEARNING
www.edureka.co
Supervised learning is a technique in which we teach or train the machine
using data which is well labelled.
Supervised Learning
Tom
Tom
Tom
Jerry
Jerry Jerry
Labelled Data
Class ‘Jerry’
Class ‘Tom’
Labelled Output
Known Input
Training phase
www.edureka.co
Unsupervised learning is the training of machine using information that is unlabeled and
allowing the algorithm to act on that information without guidance.
Unsupervised Learning
Unlabelled Data
Understand patterns & discover outputUnknown Input
Unlabelled Output
Clusters formed based on
feature similarity
www.edureka.co
Reinforcement Learning is a part of Machine learning where an agent is put in an
environment and he learns to behave in this environment by performing certain actions
and observing the rewards which it gets from those actions.
Reinforcement Learning
Tom or
jerry? Agent
Environment
state
reward action
www.edureka.co
Supervised vs Unsupervised vs Reinforcement Learning
www.edureka.co
TYPES OF PROBLEMS SOLVED USING
MACHINE LEARNING
www.edureka.co
Regression vs Classification vs Clustering
Regression Classification Clustering
• Output is a continuous
quantity
• Output is a categorical
quantity
• Assigns data points into
clusters
• Supervised Learning • Supervised Learning • Unsupervised Learning
• Main aim is to forecast or
predict
• Main aim is to compute the
category of the data
• Main aim is to group similar
items clusters
• Eg: Predict stock market price • Eg: Classify emails as spam or
non-spam
• Eg: Find all transactions which
are fraudulent in nature
• Algorithm: Linear Regression • Algorithm: Logistic Regression • Algorithm: K-means
www.edureka.co
MACHINE LEARNING ALGORITHMS
www.edureka.co
www.edureka.co
LIMITATIONS OF MACHINE LEARNING
www.edureka.co
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
LIMITATIONS OF ML
High Dimensional data
Image Recognition
www.edureka.co
One of the big challenges with traditional Machine Learning models is a process called feature extraction. For
complex problems such as object recognition or handwriting recognition, this is a huge challenge.
Deep Learning
www.edureka.co
INTRODUCTION TO DEEP LEARNING
www.edureka.co
Deep Learning models are capable to focus on the right features by themselves, requiring little
guidance from the programmer. These models also partially solve the dimensionality problem.
Why Deep Learning?
The idea behind Deep Learning is to build learning algorithms that mimic the brain.
www.edureka.co
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
HOW DL WORKS?
Deep learning is a form of machine learning that uses a model of computing that's
very much inspired by the structure of the brain.
Biological Neuron
www.edureka.co
Deep Learning is a collection of statistical machine learning techniques used to learn feature hierarchies based
on the concept of artificial neural networks.
www.edureka.co
"What we enjoy from more modern, advanced machine learning is its ability to consume a lot more data, handle layers
and layers of abstraction and be able to 'see' things that a simpler technology would not be able to see, even human
beings might not be able to see," - Wang.
• PayPal uses Deep Learning models to identify fraudulent
activities
• Over four billion transactions are processed
• Deep learning algorithms implement pattern detection to
predict whether a particular transaction is fraudulent or not.
www.edureka.co
An Artificial Neuron or a Perceptron is a linear model used for binary classification. It models a neuron which
has a set of inputs, each of which is given a specific weight. The neuron computes some function on these
weighted inputs and gives the output.
Perceptron or Artificial Neuron
www.edureka.co
A Multilayer Perceptron with backpropagation can be used to solve this problem.
Dealing with non-linearly separable data:
www.edureka.co
A Multi-layer Perceptron has the same structure of a single layer perceptron but with one or more hidden
layers and is thus considered a deep neural network.
www.edureka.co
• The weights between the units are the primary means of long-term information storage in neural networks
• Updating the weights is the primary way the neural network learns new information
A set of inputs are passed to the first hidden layer, the activations from that layer are passed to the next layer
and so on, until you reach the output layer.
www.edureka.co
The Backpropagation algorithm is a supervised learning method for Multilayer Perceptron.
Maximum weight is assigned to the most important lead/input.
www.edureka.co
NATURAL LANGUAGE PROCESSING (NLP)
www.edureka.co
1,736,111 pictures
204,000,000 emails
4,166,667 likes &
200,000 photos
347,222 tweets
www.edureka.co
Structured Data
Unstructured Data
21 %
www.edureka.co
WHAT IS TEXT MINING?
www.edureka.co
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
WHAT IS TEXT
MINING?
Text Mining / Text Analytics is the process of deriving meaningful
Information from natural language text.
www.edureka.co
Text Mining is the logic behind
Autocomplete.
Autocomplete, suggests the rest of the
word.
Autocomplete Spam Detection
www.edureka.co
Predictive typing Spell checker
www.edureka.co
WHAT IS NLP?
www.edureka.co
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
WHAT IS NLP?
Natural Language Processing is a part of computer science and artificial
intelligence which deals with human languages.
Computer
Science
Artificial
Intelligence
Human
language
www.edureka.co
Text Mining is
the process of deriving high quality
information from the text .
The overall goal is, to turn text into
data for analysis, via application of
Natural Language Processing (NLP)
www.edureka.co
APPLICATIONS OF NLP
www.edureka.co
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
WHAT IS NLP?
Natural Language Processing is a part of computer science and artificial
intelligence which deals with human languages.
Computer
Science
Artificial
Intelligence
Human
language
Sentimental Analysis mainly used to analyse social
media content can help us determine the public
opinion on a certain topic.
www.edureka.co
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
WHAT IS NLP?
Natural Language Processing is a part of computer science and artificial
intelligence which deals with human languages.
Human
language
Chatbots use NLP to convert human language into
desirable actions.
www.edureka.co
Computer
Science
Artificial
Intelligence
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
WHAT IS NLP?
Natural Language Processing is a part of computer science and artificial
intelligence which deals with human languages.
Human
language
NLP can be used in Machine Translation by study
the morphological analysis of each word and
translate it into another language.
www.edureka.co
Computer
Science
Artificial
Intelligence
https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/
WHAT IS NLP?
Natural Language Processing is a part of computer science and artificial
intelligence which deals with human languages.
Human
language
Advertisement Matching uses NLP to recommend
ads based on your history.
www.edureka.co
Computer
Science
Artificial
Intelligence
TERMINOLOGIES IN NLP
www.edureka.co
The process of splitting the whole data (corpus) into smaller chunks
is known as tokenization
01 Break a complex sentence into words
02 Understand the importance of each of the words with respect to the
sentence
03 Produce a structural description on an input sentence
www.edureka.co
01 Break a complex sentence into words
02 Understand the importance of each of the words with respect to the
sentence
03 Produce a structural description on an input sentence
Tokens are simple
www.edureka.co
01 Break a complex sentence into words
02 Understand the importance of each of the words with respect to the
sentence
03 Produce a structural description on an input sentence
Tokens are simple
www.edureka.co
Normalize words into its base form or root form
Detected Detection DetectingDetections
Detect
Stemming
www.edureka.co
• Groups together different inflected forms of a
word, called Lemma
• Somehow similar to Stemming, as it maps
several words into one common root
• Output of Lemmatisation is a proper word
• For example, a Lemmatiser should
map gone, going and went into go
www.edureka.co
Are stop words helpful?
www.edureka.co
Doc 1
Doc 2
Doc 3
Doc 4
This is fun
1 1 1
0 1 0
1 0 0
1 1 0
Documents Document Term Matrix
www.edureka.co
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
www.edureka.co
www.edureka.co

More Related Content

What's hot

Introduction to AI & ML
Introduction to AI & MLIntroduction to AI & ML
Introduction to AI & MLMandy Sidana
 
Machine Learning
Machine LearningMachine Learning
Machine LearningKumar P
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
Machine Learning techniques
Machine Learning techniques Machine Learning techniques
Machine Learning techniques Jigar Patel
 
Current status of ai (social and professional position)
Current status of ai (social and professional position)Current status of ai (social and professional position)
Current status of ai (social and professional position)HamzaZeb1
 
Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...
Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...
Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...SlideTeam
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its ApplicationsDr Ganesh Iyer
 
Artificial Intelligence (A.I) and Its Application -Seminar
Artificial Intelligence (A.I) and Its Application -SeminarArtificial Intelligence (A.I) and Its Application -Seminar
Artificial Intelligence (A.I) and Its Application -SeminarBIJAY NAYAK
 
Intro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationIntro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationAnkit Gupta
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
Applications of Machine Learning
Applications of Machine LearningApplications of Machine Learning
Applications of Machine LearningHayim Makabee
 
Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...
Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...
Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...Simplilearn
 
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...Edureka!
 
Machine Learning
Machine LearningMachine Learning
Machine LearningRahul Kumar
 
Machine learning (webinar)
Machine learning (webinar)Machine learning (webinar)
Machine learning (webinar)Syed Rashid
 

What's hot (20)

Introduction to AI & ML
Introduction to AI & MLIntroduction to AI & ML
Introduction to AI & ML
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Machine Learning techniques
Machine Learning techniques Machine Learning techniques
Machine Learning techniques
 
Current status of ai (social and professional position)
Current status of ai (social and professional position)Current status of ai (social and professional position)
Current status of ai (social and professional position)
 
Machine learning
Machine learningMachine learning
Machine learning
 
Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...
Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...
Artificial Intelligence And Machine Learning PowerPoint Presentation Slides C...
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
 
Artificial Intelligence (A.I) and Its Application -Seminar
Artificial Intelligence (A.I) and Its Application -SeminarArtificial Intelligence (A.I) and Its Application -Seminar
Artificial Intelligence (A.I) and Its Application -Seminar
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Intro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationIntro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning Presentation
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
Applications of Machine Learning
Applications of Machine LearningApplications of Machine Learning
Applications of Machine Learning
 
Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...
Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...
Artificial Intelligence Course | AI Tutorial For Beginners | Artificial Intel...
 
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
 
Artificial Intelligence
Artificial IntelligenceArtificial Intelligence
Artificial Intelligence
 
Artificial Intelligence Algorithms
Artificial Intelligence AlgorithmsArtificial Intelligence Algorithms
Artificial Intelligence Algorithms
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine learning (webinar)
Machine learning (webinar)Machine learning (webinar)
Machine learning (webinar)
 

Similar to How to use Artificial Intelligence with Python? Edureka

Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning pyingkodi maran
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTKAshish Jaiman
 
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | EdurekaArtificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | EdurekaEdureka!
 
Intersnship presentation done on inventeron technology company
Intersnship presentation done on inventeron technology companyIntersnship presentation done on inventeron technology company
Intersnship presentation done on inventeron technology companykushalk200220
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
How I became ML Engineer
How I became ML Engineer How I became ML Engineer
How I became ML Engineer Kevin Lee
 
Explore The Machine Learning and TensorFlow
Explore The Machine Learning and TensorFlowExplore The Machine Learning and TensorFlow
Explore The Machine Learning and TensorFlowMahaKhalidALhobishi
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningAshish Bansal
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflowCharmi Chokshi
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlowSpotle.ai
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptxNaveenkushwaha18
 
Manual de ayuda: Programación desde el inicio en Python.
Manual de ayuda: Programación desde el inicio en Python.Manual de ayuda: Programación desde el inicio en Python.
Manual de ayuda: Programación desde el inicio en Python.cjgaland
 
Best Python Libraries For Data Science & Machine Learning | Edureka
Best Python Libraries For Data Science & Machine Learning | EdurekaBest Python Libraries For Data Science & Machine Learning | Edureka
Best Python Libraries For Data Science & Machine Learning | EdurekaEdureka!
 
antrikshindutrialmachinelearningPPT.pptx
antrikshindutrialmachinelearningPPT.pptxantrikshindutrialmachinelearningPPT.pptx
antrikshindutrialmachinelearningPPT.pptxAnkitMishra616883
 
artificial intelligence ppt.pptx
artificial intelligence ppt.pptxartificial intelligence ppt.pptx
artificial intelligence ppt.pptxBrijithaGokula
 

Similar to How to use Artificial Intelligence with Python? Edureka (20)

Machine learing
Machine learingMachine learing
Machine learing
 
Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
 
Presentation v3
Presentation v3Presentation v3
Presentation v3
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | EdurekaArtificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
 
Intersnship presentation done on inventeron technology company
Intersnship presentation done on inventeron technology companyIntersnship presentation done on inventeron technology company
Intersnship presentation done on inventeron technology company
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
How I became ML Engineer
How I became ML Engineer How I became ML Engineer
How I became ML Engineer
 
Explore The Machine Learning and TensorFlow
Explore The Machine Learning and TensorFlowExplore The Machine Learning and TensorFlow
Explore The Machine Learning and TensorFlow
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
 
Week 12: Cloud AI- DSA 441 Cloud Computing
Week 12: Cloud AI- DSA 441 Cloud ComputingWeek 12: Cloud AI- DSA 441 Cloud Computing
Week 12: Cloud AI- DSA 441 Cloud Computing
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptx
 
Manual de ayuda: Programación desde el inicio en Python.
Manual de ayuda: Programación desde el inicio en Python.Manual de ayuda: Programación desde el inicio en Python.
Manual de ayuda: Programación desde el inicio en Python.
 
Best Python Libraries For Data Science & Machine Learning | Edureka
Best Python Libraries For Data Science & Machine Learning | EdurekaBest Python Libraries For Data Science & Machine Learning | Edureka
Best Python Libraries For Data Science & Machine Learning | Edureka
 
antrikshindutrialmachinelearningPPT.pptx
antrikshindutrialmachinelearningPPT.pptxantrikshindutrialmachinelearningPPT.pptx
antrikshindutrialmachinelearningPPT.pptx
 
ML basics.pptx
ML basics.pptxML basics.pptx
ML basics.pptx
 
artificial intelligence ppt.pptx
artificial intelligence ppt.pptxartificial intelligence ppt.pptx
artificial intelligence ppt.pptx
 

More from Edureka!

What to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaWhat to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaEdureka!
 
Top 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaTop 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaEdureka!
 
Top 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaTop 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaEdureka!
 
Tableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaTableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaEdureka!
 
Python Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaPython Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaEdureka!
 
Top 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaTop 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaEdureka!
 
Top Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaTop Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaEdureka!
 
Linux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaLinux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaEdureka!
 
How to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaHow to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaEdureka!
 
Importance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaImportance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaEdureka!
 
RPA in 2020 | Edureka
RPA in 2020 | EdurekaRPA in 2020 | Edureka
RPA in 2020 | EdurekaEdureka!
 
Email Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEmail Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEdureka!
 
EA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEdureka!
 
Cognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaCognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaEdureka!
 
AWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaAWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaEdureka!
 
Blue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaBlue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaEdureka!
 
Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Edureka!
 
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaA star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaEdureka!
 
Kubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaKubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaEdureka!
 
Introduction to DevOps | Edureka
Introduction to DevOps | EdurekaIntroduction to DevOps | Edureka
Introduction to DevOps | EdurekaEdureka!
 

More from Edureka! (20)

What to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaWhat to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | Edureka
 
Top 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaTop 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | Edureka
 
Top 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaTop 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | Edureka
 
Tableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaTableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | Edureka
 
Python Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaPython Programming Tutorial | Edureka
Python Programming Tutorial | Edureka
 
Top 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaTop 5 PMP Certifications | Edureka
Top 5 PMP Certifications | Edureka
 
Top Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaTop Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | Edureka
 
Linux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaLinux Mint Tutorial | Edureka
Linux Mint Tutorial | Edureka
 
How to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaHow to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| Edureka
 
Importance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaImportance of Digital Marketing | Edureka
Importance of Digital Marketing | Edureka
 
RPA in 2020 | Edureka
RPA in 2020 | EdurekaRPA in 2020 | Edureka
RPA in 2020 | Edureka
 
Email Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEmail Notifications in Jenkins | Edureka
Email Notifications in Jenkins | Edureka
 
EA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | Edureka
 
Cognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaCognitive AI Tutorial | Edureka
Cognitive AI Tutorial | Edureka
 
AWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaAWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | Edureka
 
Blue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaBlue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | Edureka
 
Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka
 
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaA star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
 
Kubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaKubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | Edureka
 
Introduction to DevOps | Edureka
Introduction to DevOps | EdurekaIntroduction to DevOps | Edureka
Introduction to DevOps | Edureka
 

Recently uploaded

The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxLoriGlavin3
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024BookNet Canada
 
TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024Lonnie McRorey
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionDilum Bandara
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebUiPathCommunity
 
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptxMerck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptxLoriGlavin3
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfLoriGlavin3
 
How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.Curtis Poe
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupFlorian Wilhelm
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersRaghuram Pandurangan
 
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdfHyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdfPrecisely
 
Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfAlex Barbosa Coqueiro
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLScyllaDB
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 3652toLead Limited
 
What is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfWhat is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfMounikaPolabathina
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024Lorenzo Miniero
 

Recently uploaded (20)

The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptx
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
 
TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An Introduction
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio Web
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptxMerck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptx
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdf
 
How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project Setup
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information Developers
 
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdfHyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
 
Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdf
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQL
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365
 
What is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfWhat is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdf
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024
 

How to use Artificial Intelligence with Python? Edureka

  • 1.
  • 2. WHY PYTHON FOR AI? FEATURES OF PYTHON INTRODUCTION TO ARTIFICIAL INTELLIGENCE INTRODUCTION TO MACHINE LEARNING www.edureka.co PYTHON PACKAGES FOR AI MACHINE LEARNING ALGORITHMS INTRODUCTION TO DEEP LEARNING NATURAL LANGUAGE PROCESSING (NLP) TEXT MINING
  • 3. WHY PYTHON FOR AI? www.edureka.co
  • 4. Less code Pre-built libraries Platform Independent Massive Community Support Ease of learning www.edureka.co
  • 5. Python is an open-source, object-oriented programming language mainly used for Data Science. StackOverflow calls it as the fastest growing programming language. www.edureka.co
  • 6. PYTHON PACKAGES FOR AI www.edureka.co
  • 7. Tensorflow library was developed by Google in collaboration with Brain Team. It is popularly used in writing Machine Learning algorithms. Tensorflow Features of Tensorflow • Responsive construct • Flexible • Easily trainable • Parallel neural network training www.edureka.co
  • 8. Scikit-learn is a Python library associated with NumPy and SciPy. It is considered as one of the best libraries for working with complex data. Scikit-learn Features of Scikit-learn • Cross validation • Unsupervised learning algorithms • Feature extraction www.edureka.co
  • 9. Numpy is a python library mainly used for computing scientific/mathematical data. NumPy Features of NumPy • Supports multi-dimensional arrays • Numerical analysis • Intuitive www.edureka.co
  • 10. Theano is a Python library that allows you to define, optimize, and evaluate mathematical expressions involving multi-dimensional arrays efficiently. Theano Features of Theano • Tight integration with NumPy • Transparent use of a GPU • Extensive unit-testing and self-verification www.edureka.co
  • 11. Keras simplifies the implementation of neural networks. It also provides some of the best utilities for compiling models, processing data-sets, visualization of graphs, and much more. Keras Features of Keras • Runs smoothly on both CPU & GPU • Supports all types of Neural Networks • Completely Python based www.edureka.co
  • 12. The Natural Language Toolkit (NLTK) is an open source Python library for Natural Language Processing, text analysis and text mining. NLTK Features of NLTK • Study natural language text • Text analysis • Sentimental analysis www.edureka.co
  • 13. INTRODUCTION TO ARTIFICIAL INTELLIGENCE www.edureka.co
  • 14. More Computational Power More Data Better algorithms Broad Investment www.edureka.co
  • 15. “The science and engineering of making intelligent machines” John McCarthy first coined the term Artificial Intelligence in the year 1956. www.edureka.co
  • 16. The theory and development of computer systems able to perform tasks normally requiring human intelligence, such as visual perception, speech recognition, decision-making and translation between languages. Machine Learning Deep Learning NLP Computer Vision Knowledge Base Expert System www.edureka.co
  • 17. Artificial Narrow Intelligence Artificial General Intelligence Artificial Super Intelligence The theory and development of computer systems able to perform tasks normally requiring human intelligence, such as visual perception, speech recognition, decision-making and translation between languages. www.edureka.co
  • 18. AI VS ML VS DL www.edureka.co
  • 19. Artificial Intelligence Machine Learning Deep Learning ARTIFICIAL INTELLIGENCE A technique which enables machines to mimic human behaviour MACHINE LEARNING Subset of AI technique which use statistical methods to enable machines to improve with experience DEEP LEARNING Subset of ML which make the computation of multi-layer neural network feasible www.edureka.co
  • 20. Artificial Intelligence Machine Learning Deep Learning ARTIFICIAL INTELLIGENCE A technique which enables machines to mimic human behaviour MACHINE LEARNING Subset of AI technique which use statistical methods to enable machines to improve with experience DEEP LEARNING Subset of ML which make the computation of multi-layer neural network feasible www.edureka.co
  • 21. Artificial Intelligence Machine Learning Deep Learning ARTIFICIAL INTELLIGENCE A technique which enables machines to mimic human behaviour MACHINE LEARNING Subset of AI technique which use statistical methods to enable machines to improve with experience DEEP LEARNING Subset of ML which make the computation of multi-layer neural network feasible www.edureka.co
  • 22. INTRODUCTION TO MACHINE LEARNING www.edureka.co
  • 23. Machine learning is a subset of Artificial Intelligence (AI) which provides machines the ability to learn automatically & improve from experience without being explicitly programmed. What Is Machine Learning? Data Training the Machine Building a Model Predicting Outcome www.edureka.co
  • 25. The Machine Learning process involves building a Predictive model that can be used to find a solution for a Problem Statement. MACHINE LEARNING PROCESS DefineObjective DataGathering PreparingData DataExplorationBuildingaModel ModelEvaluation Predictions www.edureka.co
  • 26. To predict the possibility of rain by studying the weather conditions. Step 1: Define the objective of the Problem • Whatarewetryingtopredict? • Whatarethetargetfeatures? • Whatistheinputdata? • What kind of problem are we facing? Binary classification? Clustering? WeatherForecastusing MachineLearning www.edureka.co
  • 27. Data such as weather conditions, humidity level, temperature, pressure, etc are either collected manually or scarped from the web. Step 2: Data Gathering www.edureka.co
  • 28. Data Cleaning involves getting rid of inconsistencies in data such as missing values or redundant variables. Step 3: Preparing Data • Transformdataintodesiredformat • Datacleaning • Missingvalues • Corrupteddata • Removeunnecessarydata www.edureka.co
  • 29. Data Exploration involves understanding the patterns and trends in the data. At this stage all the useful insights are drawn and correlations between the variables are understood. Step 4: Exploratory Data Analysis www.edureka.co
  • 30. At this stage a Predictive Model is built by using Machine Learning Algorithms such as Linear Regression, Decision Trees, etc. Step 5: Building a Machine Learning Model • MachineLearningmodelisbuiltbyusingthetrainingdataset • The model is the Machine Learning algorithm that predicts the outputbyusingthedatafedtoit TrainingData MachineLearning Model www.edureka.co
  • 31. The efficiency of the model is evaluated and any further improvement in the model are implemented. Step 6: Model Evaluation & Optimization • Machine Learning model is evaluated by using the testing data set • Theaccuracyofthemodeliscalculated • Further improvement in the model are done by using techniques likeParametertuning MachineLearningModel www.edureka.co
  • 32. The final outcome is predicted after performing parameter tuning and improving the accuracy of the model. Step 7: Predictions www.edureka.co
  • 33. TYPES OF MACHINE LEARNING www.edureka.co
  • 34. Supervised learning is a technique in which we teach or train the machine using data which is well labelled. Supervised Learning Tom Tom Tom Jerry Jerry Jerry Labelled Data Class ‘Jerry’ Class ‘Tom’ Labelled Output Known Input Training phase www.edureka.co
  • 35. Unsupervised learning is the training of machine using information that is unlabeled and allowing the algorithm to act on that information without guidance. Unsupervised Learning Unlabelled Data Understand patterns & discover outputUnknown Input Unlabelled Output Clusters formed based on feature similarity www.edureka.co
  • 36. Reinforcement Learning is a part of Machine learning where an agent is put in an environment and he learns to behave in this environment by performing certain actions and observing the rewards which it gets from those actions. Reinforcement Learning Tom or jerry? Agent Environment state reward action www.edureka.co
  • 37. Supervised vs Unsupervised vs Reinforcement Learning www.edureka.co
  • 38. TYPES OF PROBLEMS SOLVED USING MACHINE LEARNING www.edureka.co
  • 39. Regression vs Classification vs Clustering Regression Classification Clustering • Output is a continuous quantity • Output is a categorical quantity • Assigns data points into clusters • Supervised Learning • Supervised Learning • Unsupervised Learning • Main aim is to forecast or predict • Main aim is to compute the category of the data • Main aim is to group similar items clusters • Eg: Predict stock market price • Eg: Classify emails as spam or non-spam • Eg: Find all transactions which are fraudulent in nature • Algorithm: Linear Regression • Algorithm: Logistic Regression • Algorithm: K-means www.edureka.co
  • 42. LIMITATIONS OF MACHINE LEARNING www.edureka.co
  • 44. One of the big challenges with traditional Machine Learning models is a process called feature extraction. For complex problems such as object recognition or handwriting recognition, this is a huge challenge. Deep Learning www.edureka.co
  • 45. INTRODUCTION TO DEEP LEARNING www.edureka.co
  • 46. Deep Learning models are capable to focus on the right features by themselves, requiring little guidance from the programmer. These models also partially solve the dimensionality problem. Why Deep Learning? The idea behind Deep Learning is to build learning algorithms that mimic the brain. www.edureka.co
  • 47. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ HOW DL WORKS? Deep learning is a form of machine learning that uses a model of computing that's very much inspired by the structure of the brain. Biological Neuron www.edureka.co
  • 48. Deep Learning is a collection of statistical machine learning techniques used to learn feature hierarchies based on the concept of artificial neural networks. www.edureka.co
  • 49. "What we enjoy from more modern, advanced machine learning is its ability to consume a lot more data, handle layers and layers of abstraction and be able to 'see' things that a simpler technology would not be able to see, even human beings might not be able to see," - Wang. • PayPal uses Deep Learning models to identify fraudulent activities • Over four billion transactions are processed • Deep learning algorithms implement pattern detection to predict whether a particular transaction is fraudulent or not. www.edureka.co
  • 50. An Artificial Neuron or a Perceptron is a linear model used for binary classification. It models a neuron which has a set of inputs, each of which is given a specific weight. The neuron computes some function on these weighted inputs and gives the output. Perceptron or Artificial Neuron www.edureka.co
  • 51. A Multilayer Perceptron with backpropagation can be used to solve this problem. Dealing with non-linearly separable data: www.edureka.co
  • 52. A Multi-layer Perceptron has the same structure of a single layer perceptron but with one or more hidden layers and is thus considered a deep neural network. www.edureka.co
  • 53. • The weights between the units are the primary means of long-term information storage in neural networks • Updating the weights is the primary way the neural network learns new information A set of inputs are passed to the first hidden layer, the activations from that layer are passed to the next layer and so on, until you reach the output layer. www.edureka.co
  • 54. The Backpropagation algorithm is a supervised learning method for Multilayer Perceptron. Maximum weight is assigned to the most important lead/input. www.edureka.co
  • 55. NATURAL LANGUAGE PROCESSING (NLP) www.edureka.co
  • 56. 1,736,111 pictures 204,000,000 emails 4,166,667 likes & 200,000 photos 347,222 tweets www.edureka.co
  • 58. WHAT IS TEXT MINING? www.edureka.co
  • 59. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ WHAT IS TEXT MINING? Text Mining / Text Analytics is the process of deriving meaningful Information from natural language text. www.edureka.co
  • 60. Text Mining is the logic behind Autocomplete. Autocomplete, suggests the rest of the word. Autocomplete Spam Detection www.edureka.co
  • 61. Predictive typing Spell checker www.edureka.co
  • 63. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ WHAT IS NLP? Natural Language Processing is a part of computer science and artificial intelligence which deals with human languages. Computer Science Artificial Intelligence Human language www.edureka.co
  • 64. Text Mining is the process of deriving high quality information from the text . The overall goal is, to turn text into data for analysis, via application of Natural Language Processing (NLP) www.edureka.co
  • 66. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ WHAT IS NLP? Natural Language Processing is a part of computer science and artificial intelligence which deals with human languages. Computer Science Artificial Intelligence Human language Sentimental Analysis mainly used to analyse social media content can help us determine the public opinion on a certain topic. www.edureka.co
  • 67. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ WHAT IS NLP? Natural Language Processing is a part of computer science and artificial intelligence which deals with human languages. Human language Chatbots use NLP to convert human language into desirable actions. www.edureka.co Computer Science Artificial Intelligence
  • 68. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ WHAT IS NLP? Natural Language Processing is a part of computer science and artificial intelligence which deals with human languages. Human language NLP can be used in Machine Translation by study the morphological analysis of each word and translate it into another language. www.edureka.co Computer Science Artificial Intelligence
  • 69. https://www.kaspersky.com/blog/tip-of-the-week-how-to-get-rid-of-unwanted-emails/3005/ WHAT IS NLP? Natural Language Processing is a part of computer science and artificial intelligence which deals with human languages. Human language Advertisement Matching uses NLP to recommend ads based on your history. www.edureka.co Computer Science Artificial Intelligence
  • 71. The process of splitting the whole data (corpus) into smaller chunks is known as tokenization 01 Break a complex sentence into words 02 Understand the importance of each of the words with respect to the sentence 03 Produce a structural description on an input sentence www.edureka.co
  • 72. 01 Break a complex sentence into words 02 Understand the importance of each of the words with respect to the sentence 03 Produce a structural description on an input sentence Tokens are simple www.edureka.co
  • 73. 01 Break a complex sentence into words 02 Understand the importance of each of the words with respect to the sentence 03 Produce a structural description on an input sentence Tokens are simple www.edureka.co
  • 74. Normalize words into its base form or root form Detected Detection DetectingDetections Detect Stemming www.edureka.co
  • 75. • Groups together different inflected forms of a word, called Lemma • Somehow similar to Stemming, as it maps several words into one common root • Output of Lemmatisation is a proper word • For example, a Lemmatiser should map gone, going and went into go www.edureka.co
  • 76. Are stop words helpful? www.edureka.co
  • 77. Doc 1 Doc 2 Doc 3 Doc 4 This is fun 1 1 1 0 1 0 1 0 0 1 1 0 Documents Document Term Matrix www.edureka.co
  • 78. Copyright © 2017, edureka and/or its affiliates. All rights reserved. www.edureka.co