SlideShare a Scribd company logo
1 of 56
https://opencubelabs.com
AI OVERVIEW
https://opencubelabs.com
“The science and engineering of making
intelligent machines, especially intelligent
computer programs.”
-John McCarthy
https://opencubelabs.com
AI HISTORY
https://opencubelabs.com
AI APPROACHES
●
Logic or Rule Based
●
Machine Learning (Pattern Based)
https://opencubelabs.com
MATHEMATICS FOR AI
https://opencubelabs.com
“A person working in the field of AI who doesn’t
know math is like a politician who doesn’t know
how to persuade. Both have an inescapable area to
work upon!”
https://opencubelabs.com
LINEAR ALGEBRA
●
Vectors
●
Matrices
●
Eigenvalues & Eigenvectors
●
Principle Component Analysis
●
Singular Value Decomposition
https://opencubelabs.com
CALCULUS
●
Functions
●
Scalar Derivative
●
Gradient
●
Vector and Matrix Calculus
●
Gradient Algorithms
https://opencubelabs.com
PROBABILITY
●
Basic Rules and Axioms
●
Random Variables
●
Bayes’ Theorem
●
Distributions: Binomial, Bernoulli, Poisson, Exponential, Gaussian
●
Conjugate Priors
https://opencubelabs.com
AN AI METHODOLOGY
https://opencubelabs.com
MACHINE LEARNING
https://opencubelabs.com
https://opencubelabs.com
TYPES OF LEARNING
●
Supervised Learning
●
Unsupervised Learning
●
Semi-supervised Learning
y = f(X)
X is the features/inputs
y is the target/output
f(X) is the learning function
Types :
●
Regression
●
Classification
https://opencubelabs.com
SUPERVISED LEARNING
https://opencubelabs.com
UNSUPERVISED LEARNING
●
We have input data (X) but no corresponding output variable (y).
●
The goal is to model the distribution of the data in order to learn more
about the data.
●
Types of unsupervised learning :
●
Clustering
●
Association
●
A form of predictive modelling technique which investigates the relationship
between a dependent (target) and independent variable (s) (predictor).
●
It is used for forecasting, time series modelling and finding the causal effect
relationship between the variables.
●
It indicates the significant relationships between dependent variable and
independent variable.
●
It indicates the strength of impact of multiple independent variables on a
dependent variable.
●
Types of regression : Linear, Logistic, Polynomial, Stepwise, Ridge, Lasso
and ElasticNet
https://opencubelabs.com
REGRESSION
●
A classification problem is when the output variable is a category.
●
Examples : Emails filtering, Spam/Not Spam
https://opencubelabs.com
CLASSIFICATION
●
The aim is to segregate groups with similar traits and assign them into
clusters.
●
Types of Clustering:
●
Hard Clustering: In hard clustering, each data point either belongs to a
cluster completely or not.
●
Soft Clustering: In soft clustering, instead of putting each data point into
a separate cluster, a probability or likelihood of that data point to be in
those clusters is assigned.
●
When we want to discover rules that describe portions of the input data it
is known as association problem.
https://opencubelabs.com
CLUSTERING AND
ASSOCIATION
SUPERVISED LEARNING
ALGORITHMS
https://opencubelabs.com
https://opencubelabs.com
LINEAR REGRESSION
●
It is used to estimate real values (cost of houses, number of calls, total sales
etc.) based on continuous variable(s).
●
Here, we establish relationship between independent and dependent
variables by fitting a best line.
●
This best fit line is known as regression line and represented by a linear
equation
Y= a * X + b
Y – Dependent Variable
a – Slope
X – Independent variable
b – Intercept
https://opencubelabs.com
LINEAR REGRESSION
https://opencubelabs.com
LOGISTIC REGRESSION
●
It is used to estimate discrete values ( Binary values like 0/1, yes/no, true/false )
based on given set of independent variable(s).
●
It predicts the probability of occurrence of an event by fitting data to a logit function.
https://opencubelabs.com
KNN
●
KNN can be used for both classification and regression problems.
●
It stores all available cases and classifies new cases by a majority vote of its k
neighbors.
●
KNN is computationally expensive.
https://opencubelabs.com
NAIVE BAYES
●
Naive Bayes is a supervised learning algorithm which is based on bayes theorem.
●
The word naive comes from the assumption of independence among features.
●
We can write bayes theorem as follows :
Where,
P(x) is the prior probability of a feature.
P(x | y) is the probability of a feature given target. It's also known as likelihood.
P(y) is the prior probability of a target or class in case of classification.
p(y | x) is the posterior probability of target given feature.
https://opencubelabs.com
SVMs
●
SVMs are among the best supervised learning algorithms.
●
It is effective in high dimensional space and it is memory efficient as well.
●
We plot each data item as a point in n-dimensional space andperform classification
by finding the hyperplane that differentiate the two classes very well.
●
We can draw m number of hyperplanes.
●
The optimal hyperplane is obtained by maximizing the margin.
https://opencubelabs.com
SVMs
https://opencubelabs.com
DECISION TREE
●
Decision Tree is the supervised learning algorithm which can be used for
classification as well as regression problems.
●
Here we split population into set of homogeneous sets by asking set of questions.
●
Example : To decide what to do on a particular day.
https://opencubelabs.com
DECISION TREE
https://opencubelabs.com
RANDOM FOREST
●
Random Forest is the most common type of Ensemble Learning.
●
It is a collection of decision trees.
●
To classify a new object based on attributes, each tree gives a classification
and we say the tree “votes” for that class. The forest chooses the classification
having the most votes (over all the trees in the forest).
●
There are plethora of advantages of random forest such as they are fast to train,
requires no input preparation.
●
One of the disadvantage of random forest is that our model may become too large.
UNSUPERVISED LEARNING
ALGORITHMS
https://opencubelabs.com
https://opencubelabs.com
K MEANS CLUSTERING
●
K-means is one of the simplest unsupervised learning algorithm used for
clustering problem.
●
Our goal is to group objects based on their features similarity.
●
Basic idea behind K-means is, we define k centroids,
that is, one for each cluster.
https://opencubelabs.com
CROSS VALIDATION
●
A method to test how well a model performs on unseen data.
●
Types of Cross Validation methods:
●
Hold out method
●
K-fold method
●
Leave-one-out cross validation
https://opencubelabs.com
OVERFITTING AND
UNDERFITTING
●
Overfitting happens when a model performs too well on training data
but does not perform well on unseen data.
●
Underfitting when a model does not perform well on training data as
well as unseen data.
ARTIFICIAL NEURAL
NETWORK (ANN)
https://opencubelabs.com
NEURAL NETWORK
https://opencubelabs.com
NEURON
https://opencubelabs.com
ACTIVATION FUNCTIONS
https://opencubelabs.com
●
Step Function
●
Sigmoid Function
●
Tanh Function
●
Rectified Linear Unit (ReLU) Function
STEP FUNCTION
https://opencubelabs.com
SIGMOID FUNCTION
https://opencubelabs.com
TANH FUNCTION
https://opencubelabs.com
RELU FUNCTION
https://opencubelabs.com
FEEDFORWARD NEURAL
NETWORK
https://opencubelabs.com
COST FUNCTION
https://opencubelabs.com
GRADIENT DESCENT
https://opencubelabs.com
GRADIENT DESCENT
https://opencubelabs.com
BACKPROPAGATION
https://opencubelabs.com
DEEP LEARNING
https://opencubelabs.com
CONVOLUTIONAL
NEURAL NETWORKS
(CNN)
https://opencubelabs.com
CNN
https://opencubelabs.com
RECURRENT NEURAL
NETWORKS (RNN)
https://opencubelabs.com
RNN
https://opencubelabs.com
GENERATIVE ADVERSERIAL
NETWORKS (GANs)
https://opencubelabs.com
“The most interesting idea in the last decade in Machine
Learning” - Yann LeCun
https://opencubelabs.com
https://opencubelabs.com
TRANSFER LEARNING
https://opencubelabs.com
THANK YOU
https://opencubelabs.com

More Related Content

Similar to Artificial Intelligence Overview

CLUSTERING IN DATA MINING.pdf
CLUSTERING IN DATA MINING.pdfCLUSTERING IN DATA MINING.pdf
CLUSTERING IN DATA MINING.pdfSowmyaJyothi3
 
Hierarchical Clustering With KSAI
Hierarchical Clustering With KSAIHierarchical Clustering With KSAI
Hierarchical Clustering With KSAIKnoldus Inc.
 
[ML]-Unsupervised-learning_Unit2.ppt.pdf
[ML]-Unsupervised-learning_Unit2.ppt.pdf[ML]-Unsupervised-learning_Unit2.ppt.pdf
[ML]-Unsupervised-learning_Unit2.ppt.pdf4NM20IS025BHUSHANNAY
 
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™Databricks
 
Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2
Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2
Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2Anant Corporation
 
Machine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and ApplicationsMachine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and ApplicationsQuantUniversity
 
DutchMLSchool. Logistic Regression, Deepnets, Time Series
DutchMLSchool. Logistic Regression, Deepnets, Time SeriesDutchMLSchool. Logistic Regression, Deepnets, Time Series
DutchMLSchool. Logistic Regression, Deepnets, Time SeriesBigML, Inc
 
CSA 3702 machine learning module 3
CSA 3702 machine learning module 3CSA 3702 machine learning module 3
CSA 3702 machine learning module 3Nandhini S
 
Machine learning - session 3
Machine learning - session 3Machine learning - session 3
Machine learning - session 3Luis Borbon
 
Introduction to Machine Learning for Java Developers
Introduction to Machine Learning for Java DevelopersIntroduction to Machine Learning for Java Developers
Introduction to Machine Learning for Java DevelopersZoran Sevarac, PhD
 
Strata San Jose 2016: Scalable Ensemble Learning with H2O
Strata San Jose 2016: Scalable Ensemble Learning with H2OStrata San Jose 2016: Scalable Ensemble Learning with H2O
Strata San Jose 2016: Scalable Ensemble Learning with H2OSri Ambati
 
DS9 - Clustering.pptx
DS9 - Clustering.pptxDS9 - Clustering.pptx
DS9 - Clustering.pptxJK970901
 

Similar to Artificial Intelligence Overview (20)

CLUSTERING IN DATA MINING.pdf
CLUSTERING IN DATA MINING.pdfCLUSTERING IN DATA MINING.pdf
CLUSTERING IN DATA MINING.pdf
 
Hierarchical Clustering With KSAI
Hierarchical Clustering With KSAIHierarchical Clustering With KSAI
Hierarchical Clustering With KSAI
 
UNIT_V_Cluster Analysis.pptx
UNIT_V_Cluster Analysis.pptxUNIT_V_Cluster Analysis.pptx
UNIT_V_Cluster Analysis.pptx
 
[ML]-Unsupervised-learning_Unit2.ppt.pdf
[ML]-Unsupervised-learning_Unit2.ppt.pdf[ML]-Unsupervised-learning_Unit2.ppt.pdf
[ML]-Unsupervised-learning_Unit2.ppt.pdf
 
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
 
Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2
Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2
Apache Cassandra Lunch #54: Machine Learning with Spark + Cassandra Part 2
 
Machine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and ApplicationsMachine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and Applications
 
supervised.pptx
supervised.pptxsupervised.pptx
supervised.pptx
 
DutchMLSchool. Logistic Regression, Deepnets, Time Series
DutchMLSchool. Logistic Regression, Deepnets, Time SeriesDutchMLSchool. Logistic Regression, Deepnets, Time Series
DutchMLSchool. Logistic Regression, Deepnets, Time Series
 
CSA 3702 machine learning module 3
CSA 3702 machine learning module 3CSA 3702 machine learning module 3
CSA 3702 machine learning module 3
 
Machine learning - session 3
Machine learning - session 3Machine learning - session 3
Machine learning - session 3
 
AI Algorithms
AI AlgorithmsAI Algorithms
AI Algorithms
 
Introduction to Machine Learning for Java Developers
Introduction to Machine Learning for Java DevelopersIntroduction to Machine Learning for Java Developers
Introduction to Machine Learning for Java Developers
 
Moviereview prjct
Moviereview prjctMoviereview prjct
Moviereview prjct
 
Credit risk meetup
Credit risk meetupCredit risk meetup
Credit risk meetup
 
Strata San Jose 2016: Scalable Ensemble Learning with H2O
Strata San Jose 2016: Scalable Ensemble Learning with H2OStrata San Jose 2016: Scalable Ensemble Learning with H2O
Strata San Jose 2016: Scalable Ensemble Learning with H2O
 
Primer on major data mining algorithms
Primer on major data mining algorithmsPrimer on major data mining algorithms
Primer on major data mining algorithms
 
Machine learning meetup
Machine learning meetupMachine learning meetup
Machine learning meetup
 
Machine Learning - Principles
Machine Learning - PrinciplesMachine Learning - Principles
Machine Learning - Principles
 
DS9 - Clustering.pptx
DS9 - Clustering.pptxDS9 - Clustering.pptx
DS9 - Clustering.pptx
 

More from Suraj Kumar Jana

Convolution Neural Network
Convolution Neural NetworkConvolution Neural Network
Convolution Neural NetworkSuraj Kumar Jana
 
Artificial Neural Network: A Brief Overview
Artificial Neural Network: A Brief OverviewArtificial Neural Network: A Brief Overview
Artificial Neural Network: A Brief OverviewSuraj Kumar Jana
 
Artificial Intelligence: A Brief Overview
Artificial Intelligence: A Brief OverviewArtificial Intelligence: A Brief Overview
Artificial Intelligence: A Brief OverviewSuraj Kumar Jana
 
Introduction to Chatbot Development
Introduction to Chatbot DevelopmentIntroduction to Chatbot Development
Introduction to Chatbot DevelopmentSuraj Kumar Jana
 
Understanding Blockchain: Case Studies
Understanding Blockchain: Case StudiesUnderstanding Blockchain: Case Studies
Understanding Blockchain: Case StudiesSuraj Kumar Jana
 
Understanding Blockchain: Distributed Ledger Technology
Understanding Blockchain: Distributed Ledger TechnologyUnderstanding Blockchain: Distributed Ledger Technology
Understanding Blockchain: Distributed Ledger TechnologySuraj Kumar Jana
 
Understanding Blockchain: A General Introduction
Understanding Blockchain: A General IntroductionUnderstanding Blockchain: A General Introduction
Understanding Blockchain: A General IntroductionSuraj Kumar Jana
 
Practical Introduction to Internet of Things (IoT)
Practical Introduction to Internet of Things (IoT)Practical Introduction to Internet of Things (IoT)
Practical Introduction to Internet of Things (IoT)Suraj Kumar Jana
 
Introduction to Open Data and Data Science
Introduction to Open Data and Data ScienceIntroduction to Open Data and Data Science
Introduction to Open Data and Data ScienceSuraj Kumar Jana
 
Adore India - Introduction
Adore India - IntroductionAdore India - Introduction
Adore India - IntroductionSuraj Kumar Jana
 
Adore India - Talking To Students
Adore India - Talking To StudentsAdore India - Talking To Students
Adore India - Talking To StudentsSuraj Kumar Jana
 

More from Suraj Kumar Jana (14)

Convolution Neural Network
Convolution Neural NetworkConvolution Neural Network
Convolution Neural Network
 
Artificial Neural Network: A Brief Overview
Artificial Neural Network: A Brief OverviewArtificial Neural Network: A Brief Overview
Artificial Neural Network: A Brief Overview
 
Artificial Intelligence: A Brief Overview
Artificial Intelligence: A Brief OverviewArtificial Intelligence: A Brief Overview
Artificial Intelligence: A Brief Overview
 
Introduction to Chatbot Development
Introduction to Chatbot DevelopmentIntroduction to Chatbot Development
Introduction to Chatbot Development
 
Understanding Blockchain: Case Studies
Understanding Blockchain: Case StudiesUnderstanding Blockchain: Case Studies
Understanding Blockchain: Case Studies
 
Understanding Blockchain: Distributed Ledger Technology
Understanding Blockchain: Distributed Ledger TechnologyUnderstanding Blockchain: Distributed Ledger Technology
Understanding Blockchain: Distributed Ledger Technology
 
Understanding Blockchain: A General Introduction
Understanding Blockchain: A General IntroductionUnderstanding Blockchain: A General Introduction
Understanding Blockchain: A General Introduction
 
Practical Introduction to Internet of Things (IoT)
Practical Introduction to Internet of Things (IoT)Practical Introduction to Internet of Things (IoT)
Practical Introduction to Internet of Things (IoT)
 
Cloud Computing workshop
Cloud Computing workshopCloud Computing workshop
Cloud Computing workshop
 
Introduction to Open Data and Data Science
Introduction to Open Data and Data ScienceIntroduction to Open Data and Data Science
Introduction to Open Data and Data Science
 
Arduino Hands-on Workshop
Arduino Hands-on WorkshopArduino Hands-on Workshop
Arduino Hands-on Workshop
 
Prepare to Start-up
Prepare to Start-upPrepare to Start-up
Prepare to Start-up
 
Adore India - Introduction
Adore India - IntroductionAdore India - Introduction
Adore India - Introduction
 
Adore India - Talking To Students
Adore India - Talking To StudentsAdore India - Talking To Students
Adore India - Talking To Students
 

Recently uploaded

Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Thomas Poetter
 
Defining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryDefining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryJeremy Anderson
 
Learn How Data Science Changes Our World
Learn How Data Science Changes Our WorldLearn How Data Science Changes Our World
Learn How Data Science Changes Our WorldEduminds Learning
 
convolutional neural network and its applications.pdf
convolutional neural network and its applications.pdfconvolutional neural network and its applications.pdf
convolutional neural network and its applications.pdfSubhamKumar3239
 
Digital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksDigital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksdeepakthakur548787
 
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...Boston Institute of Analytics
 
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024Susanna-Assunta Sansone
 
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptxThe Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptxTasha Penwell
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxMike Bennett
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 217djon017
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Cathrine Wilhelmsen
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Seán Kennedy
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...Amil Baba Dawood bangali
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPTBoston Institute of Analytics
 
Cyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded dataCyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded dataTecnoIncentive
 
INTRODUCTION TO Natural language processing
INTRODUCTION TO Natural language processingINTRODUCTION TO Natural language processing
INTRODUCTION TO Natural language processingsocarem879
 
What To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptxWhat To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptxSimranPal17
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Boston Institute of Analytics
 
Networking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptxNetworking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptxHimangsuNath
 

Recently uploaded (20)

Data Analysis Project: Stroke Prediction
Data Analysis Project: Stroke PredictionData Analysis Project: Stroke Prediction
Data Analysis Project: Stroke Prediction
 
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
 
Defining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryDefining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data Story
 
Learn How Data Science Changes Our World
Learn How Data Science Changes Our WorldLearn How Data Science Changes Our World
Learn How Data Science Changes Our World
 
convolutional neural network and its applications.pdf
convolutional neural network and its applications.pdfconvolutional neural network and its applications.pdf
convolutional neural network and its applications.pdf
 
Digital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksDigital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing works
 
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
 
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
 
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptxThe Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptx
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
 
Cyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded dataCyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded data
 
INTRODUCTION TO Natural language processing
INTRODUCTION TO Natural language processingINTRODUCTION TO Natural language processing
INTRODUCTION TO Natural language processing
 
What To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptxWhat To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptx
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
 
Networking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptxNetworking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptx
 

Artificial Intelligence Overview