SlideShare a Scribd company logo
Head Office:
21, IT Park, Wing-A, Ground Floor, Gayatri Nagar,
NAGPUR - 440022 (India) www.nicesoftwaresolutions.com
www.nicesoftwaresolutions.com
www.nicesoftwaresolutions.com
Can these terms be used interchangeably
Deep learning is a
subset of Machine
learning and
machine learning is
a subset of AI
www.nicesoftwaresolutions.com
Machine Learning:
1. Supervised Learning
2. Unsupervised Learning (Clustering)
3. Data Mining
4. Statistical Analysis
5. Predictive Analysis
Deep learning:
1. Speech Recognition
2. Natural Language Processing
3. Image Processing
4. Computer Vision
5. Board Games
AI:
1. Self driving Cars
2. Chat bots
3. Robots (Sophia)
4. Auto Pilot
Introduction
www.nicesoftwaresolutions.com
www.nicesoftwaresolutions.com
Goals of the course:
1) Identify a machine learning problem.
2) Use basic machine learning techniques
3) Think about your data/results.
What is Machine Learning?
Machine Learning explores the construction and usage of the algorithm
that can learn from data.
Machine has the ability to learn from data, it is able to improve the
performance when it receives more information and this experience
typically comes in the form of observations on how particular instances
on a problem was solved before.
1) Constructs/ use algorithms that learn from data
2) More information Higher performance
3) Previous Solutions Experience
www.nicesoftwaresolutions.com
Learns from experience Learns from Data
www.nicesoftwaresolutions.com
Problem
Statement
Example
Label squares: size and edge Color
Earlier observations (Labeled by humans):
Task for computer = label unseen square:
?
Result: right or wrong!
www.nicesoftwaresolutions.com
Input Knowledge:
In example: pre-labeled squares
Size Edge Color
Small Dotted Green
Big Striped Yellow
Medium Normal Green
Features
Label
ObservationsIn R – use data.frame()
> Squares<- data.frame(
size = c(“small”, “big”, “medium”),
edge = c(“dotted”, “striped”, “normal”),
color = c(“green”, “yellow”, “green”))
www.nicesoftwaresolutions.com
Class Functions :
In a data frame rows corresponds to observations and column corresponds to
variables.
To find out the dimensions of the data sets, dim function can be used.
> dim(squares) #Observations, # features
> str(squares) Structured Overview
>summary(squares) Distribution Measures
www.nicesoftwaresolutions.com
How Machine Learning works?
Machine Learning is a method in which the machine is
given the input data, on which it is trained and then tested
for predicting the output of the new inputs given.
Machine
Training
Data Learned
Machine
Test Data
New Input
Predicted
Output
Model
Accuracy
Compare
Predicted
Output
Input Data
www.nicesoftwaresolutions.com
Machine
Training
Data
Learned
Machine
Test Data
Test Data
Predicted
Output
Model
Accuracy
Compare
Predicted
Output
Train
Parameter A Parameter B Output
2 3 5
4 7 11
3 6 9
5 6 11
www.nicesoftwaresolutions.com
Parameter A Parameter B Output
2 3 5
4 7 11
3 6 9
5 6 11
Predicted
Output - Actual
Output --> Confusion
Matrix
www.nicesoftwaresolutions.com
Data Set
Cleaning
data Set
•The Data needs to be cleaned in the
format which is suitable for performing
machine learning and getting the desired
output.
Data
Shuffling
•This step is very important
and will be discussed in
further slides.
Divide the
data in two
parts
•The data needs to be
divided into training and
testing data set.
Categorizing
the inputs
and the
output
•The output can be generally of
two types i.e. Classification
and Regression.
Input the
training data set
into the
Machine
•By providing the training data set
to the machine, we are getting
the model ready for prediction.
Providing inputs of test
data to the model and
getting the output.
Comparison of predicted
output and test dataset
output.
•This will help us to
get the model
accuracy.
The model is now
ready for prediction.
Machine Learning Work Flow:
www.nicesoftwaresolutions.com
Cross
Validation:
-Example 4 fold cross validation
www.nicesoftwaresolutions.com
How to choose input parameters?
and
Factors to be considered while selecting
www.nicesoftwaresolutions.com
Correlation:-
www.nicesoftwaresolutions.com
Interactions:-
When variables are brought together to get a predictive output, which may behave different individually, but gives
different output when put together.
For Example, Having Alcohol while driving can lead to an accident. Also using mobile phone can also lead to an
accident. But driving using mobile phone when drunk will have an additive effect.
On the contrary, when drug A and drug B taken individually, might be harmful but taken together can
nullify each others effect.
www.nicesoftwaresolutions.com
Automatic feature Selection:-
There are possibilities, when we did not know which predictors to select as we
cannot judge the impact of them on the prediction (might be due to lack of subject
matter knowledge).
In this case, we use a method called stepwise regression.
There are two types of Stepwise regression:-
www.nicesoftwaresolutions.com
Forward Stepwise:
Even though the two models show the same output, this is not always the case.
It is possible that the two could come to completely different conclusions about the most important predictors.
www.nicesoftwaresolutions.com
The two can create completely different models. This does not guarantee that which one is the better.
Statisticians raise concerns that the stepwise regression model violates some of the principles that allows the
regression model to explain data as well predict.
But using stepwise regression does not mean that the models predictions are worthless. It simply means that
the model may over or under state the importance of predictors.
www.nicesoftwaresolutions.com
Dummy Variables, Missing data and interactions:-
Dummy Variables:-
All the predictor used in regression analysis must be numeric.(That is categorical data should be represented in
numbers.)
Missing Data:-
Missing data creates problem while doing predictive analysis in creating a model. As it should be replaced by a value,
that can be used for predictive analysis.
Good 1
Bad 0
NA/Bank Mean()
NA Sd()
NA 0
www.nicesoftwaresolutions.com
Machine
Learning
Problem
statements
There are three types of machine learning problems:
- Classification
- Regression
- Clustering
Classification problem:
Goal: Predict the category of new Observation.
Estimate
Earlier observations Classifier
Classifier
Unseen Example Class
www.nicesoftwaresolutions.com
Classification-
Applications
Common Applications of Classification:
1. Medical Diagnosis
2. Animal Recognition
3. ?
Important:
 Qualitative Output
 Predefined Classes
The classes in Medical diagnosis may be:
 Sick
 Very Sick
 Normal
 Heathy
The classes for Animal Recognition might be:
 Cats
 Dogs
 Horses
www.nicesoftwaresolutions.com
Module from Self driving car:
www.nicesoftwaresolutions.com
Regression
Regression Problems:
Predictors Response
• Relationship: Height – Weight?
• Linear?
• Predict: Weight Height
Regression
Function
www.nicesoftwaresolutions.com
Regression Model:
Fitting a linear Function
Predictor: Weight
Response: Height
Coefficient:
Estimated on previous input-Output
lm(response ~ predictor)
www.nicesoftwaresolutions.com
Regression -
Applications
• Payments Credit Scores
• Time Subscriptions (YouTube)
There are two things in common in above models:
 Quantitative Output
 Previous Input-Output Observations
www.nicesoftwaresolutions.com
Predicting
score
www.nicesoftwaresolutions.com
Clustering
• Clustering : grouping objects
• Similar within cluster
• Dissimilar between Clusters
• Example: Grouping similar animal photos
 No Labels
 No right or wrong
 Plenty possible clustering
www.nicesoftwaresolutions.com
Clustering -
Applications
1. Image classification
2. Pattern Recognition
3. Object Recognition
4. Recommendation engines
5. Market segmentation
6. Social network analysis
7. Search result grouping
8. Medical imaging
9. Image segmentation
10. Anomaly detection
www.nicesoftwaresolutions.com
Clustering
www.nicesoftwaresolutions.com
Classification
Regression
Clustering
Similar
Supervised Learning:
1. Predefined Labels.
2. Function Predicts label or value for new output.
3. Measuring performance is easier, as there are predicted and ad real labels
for comparison.
Un-Supervised Learning:
1. Does not require labeled observations.
2. Clustering: Finds group of observations that are similar.
3. Techniques to access such model will be discussed further.
Supervised Vs Unsupervised:
www.nicesoftwaresolutions.com
Methods or Algorithms:
Classification:
• Linear Classifiers: Logistic Regression, Naive Bayes
Classifier.
• Support Vector Machines.
• Decision Trees.
• Boosted Trees.
• Random Forest.
• Neural Networks.
• Nearest Neighbor.
www.nicesoftwaresolutions.com
Regression:
• Linear Regression
• Logistic Regression
• Polynomial Regression
• Stepwise Regression
• Ridge Regression
• Lasso Regression
• Elastic Net Regression
Clustering:
• K Means
• Affinity Propagation
• Hierarchical Clustering
• Partitioning clustering
• Hybrid Clustering
www.nicesoftwaresolutions.com
Decision
Tree
Example
www.nicesoftwaresolutions.com
Decision Tree
Split the complex decision into small decisions applying the if…..else… condition to get the desired output.
For example, A bank wants to make a decision whether or not to give loan to a particular person based on his
credit score.
In this case, the bank collects all the information like income, credit score, required loan amount, etc. Here the
bank must quickly decide whether or not to give loan.
www.nicesoftwaresolutions.com
On the basis of the information given, we can create a decision tree using the Divide-and –Conquer method.
This method will help to analyze whether the customer will be able to repay the loan amount or not.
Suppose the tree considers two aspects of each applicant the credit score and the requested loan amount
The algorithm looks for an initial split that creates the two most homogeneous groups.
First, it splits into groups of high and low credit scores, then it splits requested the loan amount into high and
low. Each of these splits results into if…else… decision in a tree structure mentioned below:
www.nicesoftwaresolutions.com
If credit score is low it predicts loan default and if it is high and the loan amount is large it will predict default
as well, otherwise it predicts repaid.
The scenarios will be much more complex than this. This illustrates the basic process of how such a tree might
be built.
One the most widely used package is “rpart”.
(Formula)
Method=classification tree.
www.nicesoftwaresolutions.com
www.nicesoftwaresolutions.com
See You
Soon !!

More Related Content

What's hot

Module 7: Unsupervised Learning
Module 7:  Unsupervised LearningModule 7:  Unsupervised Learning
Module 7: Unsupervised Learning
Sara Hooker
 
Machine learning(UNIT 4)
Machine learning(UNIT 4)Machine learning(UNIT 4)
Machine learning(UNIT 4)
SURBHI SAROHA
 
Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...
Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...
Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...
Intel® Software
 
Module 1.2 data preparation
Module 1.2  data preparationModule 1.2  data preparation
Module 1.2 data preparation
Sara Hooker
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
Koundinya Desiraju
 
Unsupervised Anomaly Detection with Isolation Forest - Elena Sharova
Unsupervised Anomaly Detection with Isolation Forest - Elena SharovaUnsupervised Anomaly Detection with Isolation Forest - Elena Sharova
Unsupervised Anomaly Detection with Isolation Forest - Elena Sharova
PyData
 
Machine learning and types
Machine learning and typesMachine learning and types
Machine learning and types
Padma Metta
 
Machine learning
Machine learningMachine learning
Machine learning
Rohit Kumar
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
Joel Graff
 
MLSEV Virtual. Searching for Anomalies
MLSEV Virtual. Searching for AnomaliesMLSEV Virtual. Searching for Anomalies
MLSEV Virtual. Searching for Anomalies
BigML, Inc
 
Machine learning - AI
Machine learning - AIMachine learning - AI
Machine learning - AI
Witekio
 
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai UniversityMachine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
Madhav Mishra
 
Amazon Product Review Sentiment Analysis with Machine Learning
Amazon Product Review Sentiment Analysis with Machine LearningAmazon Product Review Sentiment Analysis with Machine Learning
Amazon Product Review Sentiment Analysis with Machine Learning
ijtsrd
 
detailed Presentation on supervised learning
 detailed Presentation on supervised learning detailed Presentation on supervised learning
detailed Presentation on supervised learning
ZAMANCHBWN
 
Module 3: Linear Regression
Module 3:  Linear RegressionModule 3:  Linear Regression
Module 3: Linear Regression
Sara Hooker
 
MLSEV Virtual. State of the Art in ML
MLSEV Virtual. State of the Art in MLMLSEV Virtual. State of the Art in ML
MLSEV Virtual. State of the Art in ML
BigML, Inc
 
Supervised learning
Supervised learningSupervised learning
Supervised learning
Alia Hamwi
 
How ml can improve purchase conversions
How ml can improve purchase conversionsHow ml can improve purchase conversions
How ml can improve purchase conversions
Sudeep Shukla
 

What's hot (18)

Module 7: Unsupervised Learning
Module 7:  Unsupervised LearningModule 7:  Unsupervised Learning
Module 7: Unsupervised Learning
 
Machine learning(UNIT 4)
Machine learning(UNIT 4)Machine learning(UNIT 4)
Machine learning(UNIT 4)
 
Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...
Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...
Data Analytics, Machine Learning, and HPC in Today’s Changing Application Env...
 
Module 1.2 data preparation
Module 1.2  data preparationModule 1.2  data preparation
Module 1.2 data preparation
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Unsupervised Anomaly Detection with Isolation Forest - Elena Sharova
Unsupervised Anomaly Detection with Isolation Forest - Elena SharovaUnsupervised Anomaly Detection with Isolation Forest - Elena Sharova
Unsupervised Anomaly Detection with Isolation Forest - Elena Sharova
 
Machine learning and types
Machine learning and typesMachine learning and types
Machine learning and types
 
Machine learning
Machine learningMachine learning
Machine learning
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
 
MLSEV Virtual. Searching for Anomalies
MLSEV Virtual. Searching for AnomaliesMLSEV Virtual. Searching for Anomalies
MLSEV Virtual. Searching for Anomalies
 
Machine learning - AI
Machine learning - AIMachine learning - AI
Machine learning - AI
 
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai UniversityMachine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
 
Amazon Product Review Sentiment Analysis with Machine Learning
Amazon Product Review Sentiment Analysis with Machine LearningAmazon Product Review Sentiment Analysis with Machine Learning
Amazon Product Review Sentiment Analysis with Machine Learning
 
detailed Presentation on supervised learning
 detailed Presentation on supervised learning detailed Presentation on supervised learning
detailed Presentation on supervised learning
 
Module 3: Linear Regression
Module 3:  Linear RegressionModule 3:  Linear Regression
Module 3: Linear Regression
 
MLSEV Virtual. State of the Art in ML
MLSEV Virtual. State of the Art in MLMLSEV Virtual. State of the Art in ML
MLSEV Virtual. State of the Art in ML
 
Supervised learning
Supervised learningSupervised learning
Supervised learning
 
How ml can improve purchase conversions
How ml can improve purchase conversionsHow ml can improve purchase conversions
How ml can improve purchase conversions
 

Similar to Nss power point_machine_learning

Machine Learning.pptx
Machine Learning.pptxMachine Learning.pptx
Machine Learning.pptx
NitinSharma134320
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptx
Naveenkushwaha18
 
Machine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdfMachine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdf
Dr.DHANALAKSHMI SENTHILKUMAR
 
Barga Data Science lecture 10
Barga Data Science lecture 10Barga Data Science lecture 10
Barga Data Science lecture 10
Roger Barga
 
Machine learning for sensor Data Analytics
Machine learning for sensor Data AnalyticsMachine learning for sensor Data Analytics
Machine learning for sensor Data Analytics
MATLABISRAEL
 
Machine Learning Interview Questions
Machine Learning Interview QuestionsMachine Learning Interview Questions
Machine Learning Interview Questions
Rock Interview
 
IRJET- Machine Learning: Survey, Types and Challenges
IRJET- Machine Learning: Survey, Types and ChallengesIRJET- Machine Learning: Survey, Types and Challenges
IRJET- Machine Learning: Survey, Types and Challenges
IRJET Journal
 
Rapid Miner
Rapid MinerRapid Miner
Rapid Miner
SrushtiSuvarna
 
Lesson 1 - Overview of Machine Learning and Data Analysis.pptx
Lesson 1 - Overview of Machine Learning and Data Analysis.pptxLesson 1 - Overview of Machine Learning and Data Analysis.pptx
Lesson 1 - Overview of Machine Learning and Data Analysis.pptx
cloudserviceuit
 
Identifying and classifying unknown Network Disruption
Identifying and classifying unknown Network DisruptionIdentifying and classifying unknown Network Disruption
Identifying and classifying unknown Network Disruption
jagan477830
 
Types of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike MoinTypes of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike Moin
Tanvir Moin
 
Top Machine Learning Algorithms Used By AI Professionals ARTiBA.pdf
Top Machine Learning Algorithms Used By AI Professionals ARTiBA.pdfTop Machine Learning Algorithms Used By AI Professionals ARTiBA.pdf
Top Machine Learning Algorithms Used By AI Professionals ARTiBA.pdf
Artificial Intelligence Board of America
 
Supervised learning techniques and applications
Supervised learning techniques and applicationsSupervised learning techniques and applications
Supervised learning techniques and applications
Benjaminlapid1
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
Johnson Ubah
 
Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015 Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015
antimo musone
 
Machine-Learning-Overview a statistical approach
Machine-Learning-Overview a statistical approachMachine-Learning-Overview a statistical approach
Machine-Learning-Overview a statistical approach
Ajit Ghodke
 
Barga Data Science lecture 9
Barga Data Science lecture 9Barga Data Science lecture 9
Barga Data Science lecture 9
Roger Barga
 
AI Builder - Binary Classification
AI Builder - Binary ClassificationAI Builder - Binary Classification
AI Builder - Binary Classification
Cheah Eng Soon
 
End-to-End Machine Learning Project
End-to-End Machine Learning ProjectEnd-to-End Machine Learning Project
End-to-End Machine Learning Project
Eng Teong Cheah
 
construire modele machine_Learning.pptx
construire modele  machine_Learning.pptxconstruire modele  machine_Learning.pptx
construire modele machine_Learning.pptx
koooragoal20000
 

Similar to Nss power point_machine_learning (20)

Machine Learning.pptx
Machine Learning.pptxMachine Learning.pptx
Machine Learning.pptx
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptx
 
Machine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdfMachine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdf
 
Barga Data Science lecture 10
Barga Data Science lecture 10Barga Data Science lecture 10
Barga Data Science lecture 10
 
Machine learning for sensor Data Analytics
Machine learning for sensor Data AnalyticsMachine learning for sensor Data Analytics
Machine learning for sensor Data Analytics
 
Machine Learning Interview Questions
Machine Learning Interview QuestionsMachine Learning Interview Questions
Machine Learning Interview Questions
 
IRJET- Machine Learning: Survey, Types and Challenges
IRJET- Machine Learning: Survey, Types and ChallengesIRJET- Machine Learning: Survey, Types and Challenges
IRJET- Machine Learning: Survey, Types and Challenges
 
Rapid Miner
Rapid MinerRapid Miner
Rapid Miner
 
Lesson 1 - Overview of Machine Learning and Data Analysis.pptx
Lesson 1 - Overview of Machine Learning and Data Analysis.pptxLesson 1 - Overview of Machine Learning and Data Analysis.pptx
Lesson 1 - Overview of Machine Learning and Data Analysis.pptx
 
Identifying and classifying unknown Network Disruption
Identifying and classifying unknown Network DisruptionIdentifying and classifying unknown Network Disruption
Identifying and classifying unknown Network Disruption
 
Types of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike MoinTypes of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike Moin
 
Top Machine Learning Algorithms Used By AI Professionals ARTiBA.pdf
Top Machine Learning Algorithms Used By AI Professionals ARTiBA.pdfTop Machine Learning Algorithms Used By AI Professionals ARTiBA.pdf
Top Machine Learning Algorithms Used By AI Professionals ARTiBA.pdf
 
Supervised learning techniques and applications
Supervised learning techniques and applicationsSupervised learning techniques and applications
Supervised learning techniques and applications
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
 
Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015 Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015
 
Machine-Learning-Overview a statistical approach
Machine-Learning-Overview a statistical approachMachine-Learning-Overview a statistical approach
Machine-Learning-Overview a statistical approach
 
Barga Data Science lecture 9
Barga Data Science lecture 9Barga Data Science lecture 9
Barga Data Science lecture 9
 
AI Builder - Binary Classification
AI Builder - Binary ClassificationAI Builder - Binary Classification
AI Builder - Binary Classification
 
End-to-End Machine Learning Project
End-to-End Machine Learning ProjectEnd-to-End Machine Learning Project
End-to-End Machine Learning Project
 
construire modele machine_Learning.pptx
construire modele  machine_Learning.pptxconstruire modele  machine_Learning.pptx
construire modele machine_Learning.pptx
 

Recently uploaded

GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
Sri Ambati
 
SAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdf
SAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdfSAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdf
SAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdf
Peter Spielvogel
 
Free Complete Python - A step towards Data Science
Free Complete Python - A step towards Data ScienceFree Complete Python - A step towards Data Science
Free Complete Python - A step towards Data Science
RinaMondal9
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
Ralf Eggert
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
BookNet Canada
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
The Metaverse and AI: how can decision-makers harness the Metaverse for their...
The Metaverse and AI: how can decision-makers harness the Metaverse for their...The Metaverse and AI: how can decision-makers harness the Metaverse for their...
The Metaverse and AI: how can decision-makers harness the Metaverse for their...
Jen Stirrup
 
GraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge GraphGraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge Graph
Guy Korland
 
Leading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdfLeading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdf
OnBoard
 
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance
 
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
UiPathCommunity
 
The Future of Platform Engineering
The Future of Platform EngineeringThe Future of Platform Engineering
The Future of Platform Engineering
Jemma Hussein Allen
 
UiPath Community Day Dubai: AI at Work..
UiPath Community Day Dubai: AI at Work..UiPath Community Day Dubai: AI at Work..
UiPath Community Day Dubai: AI at Work..
UiPathCommunity
 
PCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase TeamPCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase Team
ControlCase
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
SOFTTECHHUB
 
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptxSecstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
nkrafacyberclub
 
Assure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyesAssure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyes
ThousandEyes
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 

Recently uploaded (20)

GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
 
SAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdf
SAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdfSAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdf
SAP Sapphire 2024 - ASUG301 building better apps with SAP Fiori.pdf
 
Free Complete Python - A step towards Data Science
Free Complete Python - A step towards Data ScienceFree Complete Python - A step towards Data Science
Free Complete Python - A step towards Data Science
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
The Metaverse and AI: how can decision-makers harness the Metaverse for their...
The Metaverse and AI: how can decision-makers harness the Metaverse for their...The Metaverse and AI: how can decision-makers harness the Metaverse for their...
The Metaverse and AI: how can decision-makers harness the Metaverse for their...
 
GraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge GraphGraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge Graph
 
Leading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdfLeading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdf
 
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
 
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
 
The Future of Platform Engineering
The Future of Platform EngineeringThe Future of Platform Engineering
The Future of Platform Engineering
 
UiPath Community Day Dubai: AI at Work..
UiPath Community Day Dubai: AI at Work..UiPath Community Day Dubai: AI at Work..
UiPath Community Day Dubai: AI at Work..
 
PCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase TeamPCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase Team
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
 
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptxSecstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
 
Assure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyesAssure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyes
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 

Nss power point_machine_learning