SlideShare a Scribd company logo
Algorithms
Nikita Kapil
Kohonen’s self-organizing
map (K-SOM)
Artificial Neural Network - Used to reduce dimensionality
and effectively represent n features of a given dataset into 2
features (n-d graph to 2-d graph)
Kohonen’s Self-Organizing Map (SOM)
• Each node’s weights are initialized
• One vector (instance) from the dataset is taken
• Every node is examined to calculate which one’s weights are most like the input
vector. The winning node is commonly known as the Best Matching
Unit (BMU), given by
• Then the neighborhood of the BMU is calculated. The amount of neighbors
decreases over time.
• The winning weight is rewarded with becoming more like the sample vector.
• The next vector is then taken from the dataset. These steps repeat till all data
points are calibrated.
K-Means Clustering (K-MC)
Instance-based lazy learning - Used to cluster data
such that similar data points are represented together
and dissimilar data points are further away.
K-means clustering (k-mc)
• For k number of clusters, choose k random data points as centroids of
the clusters.
• Now choose one data point after another (other than the centroid
points) and calculate distance (preferably Euclidean), given by
• Cluster the data point with the nearest centroid and recalculate the
centroid taking mean of coordinates
• Repeat for other data points
Logistic Regression (LR)
Instance based quick learning - Used to map dependent
variables to an independent variable and separate the
positive and negative instances.
Logistic regression (LR)
• Take data point
• Find class probability using sigmoid function as
follows:
• Then give the data a threshold such that if the value
of g(z) is above that threshold then it is considered
positive (1) otherwise it is considered negative (0)
Support Vector machine
(SVM)
Instance-based quick learning - Used to make a
hyperplane that separates the positive and negative
samples with highest amount of margin
Support Vector Machine (SVM)
• The data points are first plotted in an n-dimensional space.
• Many different lines, planes or hyperplanes (based on number of
dimensions) are plotted to separate the two cases
• The line/plane/hyperplane is chosen which has a maximum
amount of margin between the positive and negative data points.
This can be represented as
• The above formula can be used to identify positive classes
C4.5 decision tree (DT)
Decision Tree based learning - Used for binary classification
(two outcomes) in a question-answer tree format, with most
relevant questions at the top and least relevant questions at
the bottom
C4.5 Decision tree (DT)
• Find the feature of data that lends most information towards the
outcome by using a method (generally least-error, information-gain,
or gini coefficient)
• Place that feature as the root node, and draw out branches, one for
each of the values of that feature, and then assign child node as
follows:
• If that value of the node is decisive (i.e., if that value gives a
decisive outcome) put the outcome as the leaf node
• Else if the value is indecisive, repeat the above steps to calculate
the sub-tree with the data used being the sub-dataset where that
value exists
Random forest (RF)
Decision Tree based learning - An ensemble model
that creates a lot of random trees and takes majority
vote of their decisions
Random forest (RF)
• Create n decision trees randomly based on the
features in the dataset, such that one tree may be a
subset of another but no tree is the exact same
• Obtain the result of all the decision trees and take
majority vote to get the result
Gradient boosting decision
tree (GBdt)
Decision Tree based greedy learning - An advanced
decision tree that assigns weights to questions and
calibrates weight to get a maximum accuracy tree.
Gradient boosting decision tree (gbdt)
• Build a decision tree similarly to c4.5 decision trees, but by assigning random
initial weights to the given questions and sorting according to descending order
of weights.
• Assign a learning rate which defines how quick the tree will change.
• Predict values for a data instance as (Prediction = Average value + learning
rate x weighted increment)
• Find the difference between the results (Difference = correct result - predicted
value)
• If the result is wrong, then adjust the weights for the next tree such that the
overall result is closer to the result of that instance.
• Take the summative results of all the given decision trees and classify
accordingly
K-nearest neighbors (knn)
Instance based lazy learning - Simple, lazy learning
algorithm which classifies the given data points according to
the classes the nearest points.
K-nearest neighbors (knn)
• Plot all the known classified data points into an n-dimensional space
• Consider a point whose dimensional coordinates are known (test point) but
whose class is unknown
• Compute distance as
• Find the nearest 1 neighbor and consider its class
• Continue considering more and more points such that the decision considers a
lot of positive and negative class points with as much confidence as possible.
• Use the most confident class as the class of the test point
Algorithm explanations

More Related Content

What's hot

Lecture 8: Decision Trees & k-Nearest Neighbors
Lecture 8: Decision Trees & k-Nearest NeighborsLecture 8: Decision Trees & k-Nearest Neighbors
Lecture 8: Decision Trees & k-Nearest Neighbors
Marina Santini
 
Large Scale Data Clustering: an overview
Large Scale Data Clustering: an overviewLarge Scale Data Clustering: an overview
Large Scale Data Clustering: an overview
Vahid Mirjalili
 
3.3 hierarchical methods
3.3 hierarchical methods3.3 hierarchical methods
3.3 hierarchical methods
Krish_ver2
 
Cure, Clustering Algorithm
Cure, Clustering AlgorithmCure, Clustering Algorithm
Cure, Clustering Algorithm
Lino Possamai
 
Birch
BirchBirch
Birch
ngocdiem87
 
Clustering on database systems rkm
Clustering on database systems rkmClustering on database systems rkm
Clustering on database systems rkm
Vahid Mirjalili
 
K-means Clustering
K-means ClusteringK-means Clustering
K-means Clustering
Anna Fensel
 
05 k-means clustering
05 k-means clustering05 k-means clustering
05 k-means clustering
Subhas Kumar Ghosh
 
3.2 partitioning methods
3.2 partitioning methods3.2 partitioning methods
3.2 partitioning methods
Krish_ver2
 
Intro to MATLAB and K-mean algorithm
Intro to MATLAB and K-mean algorithmIntro to MATLAB and K-mean algorithm
Intro to MATLAB and K-mean algorithm
khalid Shah
 
Enhance The K Means Algorithm On Spatial Dataset
Enhance The K Means Algorithm On Spatial DatasetEnhance The K Means Algorithm On Spatial Dataset
Enhance The K Means Algorithm On Spatial Dataset
AlaaZ
 
Knn Algorithm presentation
Knn Algorithm presentationKnn Algorithm presentation
Knn Algorithm presentation
RishavSharma112
 
Knn
KnnKnn
Instance based learning
Instance based learningInstance based learning
Instance based learning
Slideshare
 
ML basic & clustering
ML basic & clusteringML basic & clustering
ML basic & clustering
monalisa Das
 
Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering
Yan Xu
 
Nearest neighbors
Nearest neighborsNearest neighbors
Nearest neighbors
zekeLabs Technologies
 
Clustering
ClusteringClustering
K means and dbscan
K means and dbscanK means and dbscan
K means and dbscan
Yan Xu
 
K means clustring @jax
K means clustring @jaxK means clustring @jax
K means clustring @jax
Yaduvanshi Yadav
 

What's hot (20)

Lecture 8: Decision Trees & k-Nearest Neighbors
Lecture 8: Decision Trees & k-Nearest NeighborsLecture 8: Decision Trees & k-Nearest Neighbors
Lecture 8: Decision Trees & k-Nearest Neighbors
 
Large Scale Data Clustering: an overview
Large Scale Data Clustering: an overviewLarge Scale Data Clustering: an overview
Large Scale Data Clustering: an overview
 
3.3 hierarchical methods
3.3 hierarchical methods3.3 hierarchical methods
3.3 hierarchical methods
 
Cure, Clustering Algorithm
Cure, Clustering AlgorithmCure, Clustering Algorithm
Cure, Clustering Algorithm
 
Birch
BirchBirch
Birch
 
Clustering on database systems rkm
Clustering on database systems rkmClustering on database systems rkm
Clustering on database systems rkm
 
K-means Clustering
K-means ClusteringK-means Clustering
K-means Clustering
 
05 k-means clustering
05 k-means clustering05 k-means clustering
05 k-means clustering
 
3.2 partitioning methods
3.2 partitioning methods3.2 partitioning methods
3.2 partitioning methods
 
Intro to MATLAB and K-mean algorithm
Intro to MATLAB and K-mean algorithmIntro to MATLAB and K-mean algorithm
Intro to MATLAB and K-mean algorithm
 
Enhance The K Means Algorithm On Spatial Dataset
Enhance The K Means Algorithm On Spatial DatasetEnhance The K Means Algorithm On Spatial Dataset
Enhance The K Means Algorithm On Spatial Dataset
 
Knn Algorithm presentation
Knn Algorithm presentationKnn Algorithm presentation
Knn Algorithm presentation
 
Knn
KnnKnn
Knn
 
Instance based learning
Instance based learningInstance based learning
Instance based learning
 
ML basic & clustering
ML basic & clusteringML basic & clustering
ML basic & clustering
 
Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering
 
Nearest neighbors
Nearest neighborsNearest neighbors
Nearest neighbors
 
Clustering
ClusteringClustering
Clustering
 
K means and dbscan
K means and dbscanK means and dbscan
K means and dbscan
 
K means clustring @jax
K means clustring @jaxK means clustring @jax
K means clustring @jax
 

Similar to Algorithm explanations

Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
AmAn Singh
 
Unsupervised Learning in Machine Learning
Unsupervised Learning in Machine LearningUnsupervised Learning in Machine Learning
Unsupervised Learning in Machine Learning
Pyingkodi Maran
 
04 Classification in Data Mining
04 Classification in Data Mining04 Classification in Data Mining
04 Classification in Data Mining
Valerii Klymchuk
 
Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)
Zihui Li
 
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Maninda Edirisooriya
 
CLUSTER ANALYSIS ALGORITHMS.pptx
CLUSTER ANALYSIS ALGORITHMS.pptxCLUSTER ANALYSIS ALGORITHMS.pptx
CLUSTER ANALYSIS ALGORITHMS.pptx
ShwetapadmaBabu1
 
CSA 3702 machine learning module 3
CSA 3702 machine learning module 3CSA 3702 machine learning module 3
CSA 3702 machine learning module 3
Nandhini S
 
Decision Tree Classification Algorithm.pptx
Decision Tree Classification Algorithm.pptxDecision Tree Classification Algorithm.pptx
Decision Tree Classification Algorithm.pptx
PriyadharshiniG41
 
Clustering
ClusteringClustering
Moviereview prjct
Moviereview prjctMoviereview prjct
Moviereview prjct
ShubhamSiddhartha
 
AI Algorithms
AI AlgorithmsAI Algorithms
AI Algorithms
Dr. C.V. Suresh Babu
 
machine learning - Clustering in R
machine learning - Clustering in Rmachine learning - Clustering in R
machine learning - Clustering in R
Sudhakar Chavan
 
machine_learning.pptx
machine_learning.pptxmachine_learning.pptx
machine_learning.pptx
Panchami V U
 
Knn 160904075605-converted
Knn 160904075605-convertedKnn 160904075605-converted
Knn 160904075605-converted
rameswara reddy venkat
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Girish Khanzode
 
Decision Tree in Machine Learning
Decision Tree in Machine Learning  Decision Tree in Machine Learning
Decision Tree in Machine Learning
Souma Maiti
 
How Machine Learning Helps Organizations to Work More Efficiently?
How Machine Learning Helps Organizations to Work More Efficiently?How Machine Learning Helps Organizations to Work More Efficiently?
How Machine Learning Helps Organizations to Work More Efficiently?
Tuan Yang
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
Student
 
GBM package in r
GBM package in rGBM package in r
GBM package in r
mark_landry
 
unit 4 nearest neighbor.ppt
unit 4 nearest neighbor.pptunit 4 nearest neighbor.ppt
unit 4 nearest neighbor.ppt
PRANAVKUMAR699137
 

Similar to Algorithm explanations (20)

Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
 
Unsupervised Learning in Machine Learning
Unsupervised Learning in Machine LearningUnsupervised Learning in Machine Learning
Unsupervised Learning in Machine Learning
 
04 Classification in Data Mining
04 Classification in Data Mining04 Classification in Data Mining
04 Classification in Data Mining
 
Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)
 
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
 
CLUSTER ANALYSIS ALGORITHMS.pptx
CLUSTER ANALYSIS ALGORITHMS.pptxCLUSTER ANALYSIS ALGORITHMS.pptx
CLUSTER ANALYSIS ALGORITHMS.pptx
 
CSA 3702 machine learning module 3
CSA 3702 machine learning module 3CSA 3702 machine learning module 3
CSA 3702 machine learning module 3
 
Decision Tree Classification Algorithm.pptx
Decision Tree Classification Algorithm.pptxDecision Tree Classification Algorithm.pptx
Decision Tree Classification Algorithm.pptx
 
Clustering
ClusteringClustering
Clustering
 
Moviereview prjct
Moviereview prjctMoviereview prjct
Moviereview prjct
 
AI Algorithms
AI AlgorithmsAI Algorithms
AI Algorithms
 
machine learning - Clustering in R
machine learning - Clustering in Rmachine learning - Clustering in R
machine learning - Clustering in R
 
machine_learning.pptx
machine_learning.pptxmachine_learning.pptx
machine_learning.pptx
 
Knn 160904075605-converted
Knn 160904075605-convertedKnn 160904075605-converted
Knn 160904075605-converted
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Decision Tree in Machine Learning
Decision Tree in Machine Learning  Decision Tree in Machine Learning
Decision Tree in Machine Learning
 
How Machine Learning Helps Organizations to Work More Efficiently?
How Machine Learning Helps Organizations to Work More Efficiently?How Machine Learning Helps Organizations to Work More Efficiently?
How Machine Learning Helps Organizations to Work More Efficiently?
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
 
GBM package in r
GBM package in rGBM package in r
GBM package in r
 
unit 4 nearest neighbor.ppt
unit 4 nearest neighbor.pptunit 4 nearest neighbor.ppt
unit 4 nearest neighbor.ppt
 

Recently uploaded

Generative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of contentGenerative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of content
Hitesh Mohapatra
 
Embedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoringEmbedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoring
IJECEIAES
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
NidhalKahouli2
 
Engineering Drawings Lecture Detail Drawings 2014.pdf
Engineering Drawings Lecture Detail Drawings 2014.pdfEngineering Drawings Lecture Detail Drawings 2014.pdf
Engineering Drawings Lecture Detail Drawings 2014.pdf
abbyasa1014
 
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdfBPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
MIGUELANGEL966976
 
22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt
KrishnaveniKrishnara1
 
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Sinan KOZAK
 
spirit beverages ppt without graphics.pptx
spirit beverages ppt without graphics.pptxspirit beverages ppt without graphics.pptx
spirit beverages ppt without graphics.pptx
Madan Karki
 
New techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdfNew techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdf
wisnuprabawa3
 
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODELDEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
gerogepatton
 
Textile Chemical Processing and Dyeing.pdf
Textile Chemical Processing and Dyeing.pdfTextile Chemical Processing and Dyeing.pdf
Textile Chemical Processing and Dyeing.pdf
NazakatAliKhoso2
 
132/33KV substation case study Presentation
132/33KV substation case study Presentation132/33KV substation case study Presentation
132/33KV substation case study Presentation
kandramariana6
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
JamalHussainArman
 
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
IJECEIAES
 
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
IJECEIAES
 
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressionsKuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
Victor Morales
 
Question paper of renewable energy sources
Question paper of renewable energy sourcesQuestion paper of renewable energy sources
Question paper of renewable energy sources
mahammadsalmanmech
 
Heat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation pptHeat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation ppt
mamunhossenbd75
 
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
ihlasbinance2003
 
A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...
nooriasukmaningtyas
 

Recently uploaded (20)

Generative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of contentGenerative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of content
 
Embedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoringEmbedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoring
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
 
Engineering Drawings Lecture Detail Drawings 2014.pdf
Engineering Drawings Lecture Detail Drawings 2014.pdfEngineering Drawings Lecture Detail Drawings 2014.pdf
Engineering Drawings Lecture Detail Drawings 2014.pdf
 
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdfBPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
 
22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt
 
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
 
spirit beverages ppt without graphics.pptx
spirit beverages ppt without graphics.pptxspirit beverages ppt without graphics.pptx
spirit beverages ppt without graphics.pptx
 
New techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdfNew techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdf
 
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODELDEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
 
Textile Chemical Processing and Dyeing.pdf
Textile Chemical Processing and Dyeing.pdfTextile Chemical Processing and Dyeing.pdf
Textile Chemical Processing and Dyeing.pdf
 
132/33KV substation case study Presentation
132/33KV substation case study Presentation132/33KV substation case study Presentation
132/33KV substation case study Presentation
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
 
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
 
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
 
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressionsKuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
 
Question paper of renewable energy sources
Question paper of renewable energy sourcesQuestion paper of renewable energy sources
Question paper of renewable energy sources
 
Heat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation pptHeat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation ppt
 
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
 
A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...
 

Algorithm explanations

  • 2. Kohonen’s self-organizing map (K-SOM) Artificial Neural Network - Used to reduce dimensionality and effectively represent n features of a given dataset into 2 features (n-d graph to 2-d graph)
  • 3. Kohonen’s Self-Organizing Map (SOM) • Each node’s weights are initialized • One vector (instance) from the dataset is taken • Every node is examined to calculate which one’s weights are most like the input vector. The winning node is commonly known as the Best Matching Unit (BMU), given by • Then the neighborhood of the BMU is calculated. The amount of neighbors decreases over time. • The winning weight is rewarded with becoming more like the sample vector. • The next vector is then taken from the dataset. These steps repeat till all data points are calibrated.
  • 4.
  • 5. K-Means Clustering (K-MC) Instance-based lazy learning - Used to cluster data such that similar data points are represented together and dissimilar data points are further away.
  • 6. K-means clustering (k-mc) • For k number of clusters, choose k random data points as centroids of the clusters. • Now choose one data point after another (other than the centroid points) and calculate distance (preferably Euclidean), given by • Cluster the data point with the nearest centroid and recalculate the centroid taking mean of coordinates • Repeat for other data points
  • 7.
  • 8. Logistic Regression (LR) Instance based quick learning - Used to map dependent variables to an independent variable and separate the positive and negative instances.
  • 9. Logistic regression (LR) • Take data point • Find class probability using sigmoid function as follows: • Then give the data a threshold such that if the value of g(z) is above that threshold then it is considered positive (1) otherwise it is considered negative (0)
  • 10.
  • 11. Support Vector machine (SVM) Instance-based quick learning - Used to make a hyperplane that separates the positive and negative samples with highest amount of margin
  • 12. Support Vector Machine (SVM) • The data points are first plotted in an n-dimensional space. • Many different lines, planes or hyperplanes (based on number of dimensions) are plotted to separate the two cases • The line/plane/hyperplane is chosen which has a maximum amount of margin between the positive and negative data points. This can be represented as • The above formula can be used to identify positive classes
  • 13.
  • 14. C4.5 decision tree (DT) Decision Tree based learning - Used for binary classification (two outcomes) in a question-answer tree format, with most relevant questions at the top and least relevant questions at the bottom
  • 15. C4.5 Decision tree (DT) • Find the feature of data that lends most information towards the outcome by using a method (generally least-error, information-gain, or gini coefficient) • Place that feature as the root node, and draw out branches, one for each of the values of that feature, and then assign child node as follows: • If that value of the node is decisive (i.e., if that value gives a decisive outcome) put the outcome as the leaf node • Else if the value is indecisive, repeat the above steps to calculate the sub-tree with the data used being the sub-dataset where that value exists
  • 16.
  • 17. Random forest (RF) Decision Tree based learning - An ensemble model that creates a lot of random trees and takes majority vote of their decisions
  • 18. Random forest (RF) • Create n decision trees randomly based on the features in the dataset, such that one tree may be a subset of another but no tree is the exact same • Obtain the result of all the decision trees and take majority vote to get the result
  • 19.
  • 20. Gradient boosting decision tree (GBdt) Decision Tree based greedy learning - An advanced decision tree that assigns weights to questions and calibrates weight to get a maximum accuracy tree.
  • 21. Gradient boosting decision tree (gbdt) • Build a decision tree similarly to c4.5 decision trees, but by assigning random initial weights to the given questions and sorting according to descending order of weights. • Assign a learning rate which defines how quick the tree will change. • Predict values for a data instance as (Prediction = Average value + learning rate x weighted increment) • Find the difference between the results (Difference = correct result - predicted value) • If the result is wrong, then adjust the weights for the next tree such that the overall result is closer to the result of that instance. • Take the summative results of all the given decision trees and classify accordingly
  • 22.
  • 23. K-nearest neighbors (knn) Instance based lazy learning - Simple, lazy learning algorithm which classifies the given data points according to the classes the nearest points.
  • 24. K-nearest neighbors (knn) • Plot all the known classified data points into an n-dimensional space • Consider a point whose dimensional coordinates are known (test point) but whose class is unknown • Compute distance as • Find the nearest 1 neighbor and consider its class • Continue considering more and more points such that the decision considers a lot of positive and negative class points with as much confidence as possible. • Use the most confident class as the class of the test point