- The Explainable Boosting Machine - May 13, 2021.
As accurate as gradient boosting, as interpretable as linear regression.
Decision Trees, Explainability, Gradient Boosting, Interpretability, Machine Learning
- Gradient Boosted Decision Trees – A Conceptual Explanation - Apr 30, 2021.
Gradient boosted decision trees involves implementing several models and aggregating their results. These boosted models have become popular thanks to their performance in machine learning competitions on Kaggle. In this article, we’ll see what gradient boosted decision trees are all about.
CatBoost, Decision Trees, Gradient Boosting, Machine Learning, Python, scikit-learn, XGBoost
- Top 10 Must-Know Machine Learning Algorithms for Data Scientists – Part 1 - Apr 22, 2021.
New to data science? Interested in the must-know machine learning algorithms in the field? Check out the first part of our list and introductory descriptions of the top 10 algorithms for data scientists to know.
Algorithms, Bagging, Data Science, Data Scientist, Decision Trees, Linear Regression, Machine Learning, SVM, Top 10
- Beautiful decision tree visualizations with dtreeviz - Mar 8, 2021.
Improve the old way of plotting the decision trees and never go back!
Algorithms, Data Visualization, Decision Trees, Python
- Machine Learning – it’s all about assumptions - Feb 11, 2021.
Just as with most things in life, assumptions can directly lead to success or failure. Similarly in machine learning, appreciating the assumed logic behind machine learning techniques will guide you toward applying the best tool for the data.
Algorithms, Decision Trees, K-nearest neighbors, Linear Regression, Logistic Regression, Machine Learning, Naive Bayes, SVM, XGBoost
All Machine Learning Algorithms You Should Know in 2021 - Jan 4, 2021.
Many machine learning algorithms exits that range from simple to complex in their approach, and together provide a powerful library of tools for analyzing and predicting patterns from data. If you are learning for the first time or reviewing techniques, then these intuitive explanations of the most popular machine learning models will help you kick off the new year with confidence.
Algorithms, Decision Trees, Explained, Gradient Boosting, K-nearest neighbors, Machine Learning, Naive Bayes, Regression, SVM
How to Explain Key Machine Learning Algorithms at an Interview - Oct 19, 2020.
While preparing for interviews in Data Science, it is essential to clearly understand a range of machine learning models -- with a concise explanation for each at the ready. Here, we summarize various machine learning models by highlighting the main points to help you communicate complex models.
Algorithms, Decision Trees, Interview Questions, K-nearest neighbors, Machine Learning, Naive Bayes, Regression, SVM
- LightGBM: A Highly-Efficient Gradient Boosting Decision Tree - Jun 18, 2020.
LightGBM is a histogram-based algorithm which places continuous values into discrete bins, which leads to faster training and more efficient memory usage. In this piece, we’ll explore LightGBM in depth.
Decision Trees, Gradient Boosting, Machine Learning, Python
- Visualizing Decision Trees with Python (Scikit-learn, Graphviz, Matplotlib) - Apr 15, 2020.
Learn about how to visualize decision trees using matplotlib and Graphviz.
Algorithms, Decision Trees, Matplotlib, Python, Visualization
- KDnuggets™ News 20:n09, Mar 4: When Will AutoML replace Data Scientists (if ever) – vote; 20 AI, DS, ML Terms You Need to Know (part 2) - Mar 4, 2020.
AutoML, Data Science Education, Decision Trees, Key Terms, Probability, Python, R
- Decision Tree Intuition: From Concept to Application - Feb 27, 2020.
While the use of Decision Trees in machine learning has been around for awhile, the technique remains powerful and popular. This guide first provides an introductory understanding of the method and then shows you how to construct a decision tree, calculate important analysis parameters, and plot the resulting tree.
Beginners, Decision Trees, Machine Learning
- Handling Trees in Data Science Algorithmic Interview - Jan 16, 2020.
This post is about fast-tracking the study and explanation of tree concepts for the data scientists so that you breeze through the next time you get asked these in an interview.
Algorithms, Data Science, Decision Trees, Interview Questions
- Common Machine Learning Obstacles - Sep 9, 2019.
In this blog, Seth DeLand of MathWorks discusses two of the most common obstacles relate to choosing the right classification model and eliminating data overfitting.
Cross-validation, Decision Trees, Logistic Regression, Machine Learning, MathWorks, Overfitting, SVM
- Comparing Decision Tree Algorithms: Random Forest® vs. XGBoost - Aug 21, 2019.
Check out this tutorial walking you through a comparison of XGBoost and Random Forest. You'll learn how to create a decision tree, how to do tree bagging, and how to do tree boosting.
ActiveState, Decision Trees, Python, random forests algorithm, XGBoost
- Understanding Decision Trees for Classification in Python - Aug 21, 2019.
This tutorial covers decision trees for classification also known as classification trees, including the anatomy of classification trees, how classification trees make predictions, using scikit-learn to make classification trees, and hyperparameter tuning.
Classification, Decision Trees, Python, scikit-learn
- 3 Main Approaches to Machine Learning Models - Jun 11, 2019.
Machine learning encompasses a vast set of conceptual approaches. We classify the three main algorithmic methods based on mathematical foundations to guide your exploration for developing models.
Decision Trees, Linear Regression, Machine Learning, Naive Bayes
Random Forests® vs Neural Networks: Which is Better, and When? - Jun 7, 2019.
Random Forests and Neural Network are the two widely used machine learning algorithms. What is the difference between the two approaches? When should one use Neural Network or Random Forest?
Decision Trees, Neural Networks, random forests algorithm
- XGBoost Algorithm: Long May She Reign - May 2, 2019.
In recent years, XGBoost algorithm has gained enormous popularity in academic as well as business world. We outline some of the reasons behind this incredible success.
Decision Trees, Gradient Boosting, Machine Learning, XGBoost
- Decision Trees — An Intuitive Introduction - Feb 14, 2019.
An extensive introduction including a look at decision tree classification, data distribution, decision tree regression, decision tree learning, information gain, and more.
Pages: 1 2
Beginners, Decision Trees, Explained
Understanding Gradient Boosting Machines - Feb 6, 2019.
However despite its massive popularity, many professionals still use this algorithm as a black box. As such, the purpose of this article is to lay an intuitive framework for this powerful machine learning technique.
Adaboost, Decision Trees, Gradient Boosting, R
- Random forests® explained intuitively - Jan 30, 2019.
A detailed explanation of random forests, with real life use cases, a discussion into when a random forest is a poor choice relative to other algorithms, and looking at some of the advantages of using random forest.
Decision Trees, Explained, random forests algorithm
- KDnuggets™ News 19:n01, Jan 3: The Essence of Machine Learning; A Guide to Decision Trees for Machine Learning and Data Science - Jan 3, 2019.
Also: 10 More Must-See Free Courses for Machine Learning and Data Science; Top Python Libraries in 2018 in Data Science, Deep Learning, Machine Learning; Feature engineering, Explained; Papers with Code: A Fantastic GitHub Resource for Machine Learning; BERT: State of the Art NLP Model, Explained
Courses, Data Science, Decision Trees, Machine Learning
- Supervised Learning: Model Popularity from Past to Present - Dec 28, 2018.
An extensive look at the history of machine learning models, using historical data from the number of publications of each type to attempt to answer the question: what is the most popular model?
Decision Trees, Deep Learning, Linear Regression, Logistic Regression, Machine Learning, Neural Networks, SVM
A Guide to Decision Trees for Machine Learning and Data Science - Dec 24, 2018.
What makes decision trees special in the realm of ML models is really their clarity of information representation. The “knowledge” learned by a decision tree through training is directly formulated into a hierarchical structure.
Algorithms, Data Science, Decision Trees, Machine Learning, Python, scikit-learn
Ten Machine Learning Algorithms You Should Know to Become a Data Scientist - Apr 11, 2018.
It's important for data scientists to have a broad range of knowledge, keeping themselves updated with the latest trends. With that being said, we take a look at the top 10 machine learning algorithms every data scientist should know.
Pages: 1 2
Algorithms, Clustering, Convolutional Neural Networks, Decision Trees, Machine Learning, Neural Networks, PCA, Regression, SVM
- CatBoost vs. Light GBM vs. XGBoost - Mar 22, 2018.
Who is going to win this war of predictions and on what cost? Let’s explore.
Decision Trees, Gradient Boosting, Machine Learning, XGBoost
- Introduction to Python Ensembles - Feb 9, 2018.
In this post, we'll take you through the basics of ensembles — what they are and why they work so well — and provide a hands-on tutorial for building basic ensembles.
Pages: 1 2
Decision Trees, Ensemble Methods, Machine Learning, Python, random forests algorithm, ROC-AUC, scikit-learn, XGBoost
Top 10 Machine Learning Algorithms for Beginners - Oct 20, 2017.
A beginner's introduction to the Top 10 Machine Learning (ML) algorithms, complete with figures and examples for easy understanding.
Pages: 1 2
Adaboost, Algorithms, Apriori, Bagging, Beginners, Boosting, Decision Trees, Ensemble Methods, Explained, K-means, K-nearest neighbors, Linear Regression, Logistic Regression, Machine Learning, Naive Bayes, PCA, Top 10
Random Forests®, Explained - Oct 17, 2017.
Random Forest, one of the most popular and powerful ensemble method used today in Machine Learning. This post is an introduction to such algorithm and provides a brief overview of its inner workings.
Algorithms, CART, Decision Trees, Ensemble Methods, Explained, Machine Learning, random forests algorithm, Salford Systems
- Top KDnuggets tweets, Oct 04-10: Using #MachineLearning to Predict, Explain Attrition; Tidyverse, an opinionated #DataScience Toolbox in R - Oct 11, 2017.
Also #MachineLearning: Understanding Decision Tree Learning; #PyTorch tutorial distilled - Moving from #TensorFlow to PyTorch.
Attrition, Decision Trees, Machine Learning, PyTorch, Tidyverse, Top tweets
- Lessons Learned From Benchmarking Fast Machine Learning Algorithms - Aug 16, 2017.
Boosted decision trees are responsible for more than half of the winning solutions in machine learning challenges hosted at Kaggle, and require minimal tuning. We evaluate two popular tree boosting software packages: XGBoost and LightGBM and draw 4 important lessons.
Benchmark, Decision Trees, Kaggle, Machine Learning, Microsoft, XGBoost
- The Machine Learning Abstracts: Decision Trees - Aug 3, 2017.
Decision trees are a classic machine learning technique. The basic intuition behind a decision tree is to map out all possible decision paths in the form of a tree.
Algorithms, Decision Trees, Machine Learning
Getting Up Close and Personal with Algorithms - Mar 21, 2017.
We've put together a brief summary of the top algorithms used in predictive analysis, which you can see just below. Read to learn more about Linear Regression, Logistic Regression, Decision Trees, Random Forests, Gradient Boosting, and more.
Algorithms, Dataiku, Decision Trees, Gradient Boosting, Linear Regression, Logistic Regression, random forests algorithm
5 Machine Learning Projects You Can No Longer Overlook, January - Jan 2, 2017.
There are a lot of popular machine learning projects out there, but many more that are not. Which of these are actively developed and worth checking out? Here is an offering of 5 such projects, the most recent in an ongoing series.
Boosting, C++, Data Preparation, Decision Trees, Machine Learning, Neural Networks, Optimization, Overlook, Pandas, Python, scikit-learn
- Decision Tree Classifiers: A Concise Technical Overview - Nov 3, 2016.
The decision tree is one of the oldest and most intuitive classification algorithms in existence. This post provides a straightforward technical overview of this brand of classifiers.
Algorithms, C4.5, CART, Decision Trees
- KDnuggets™ News 16:n34, Sep 21: The Great Algorithm Tutorial Roundup; 7 Steps to Mastering Apache Spark 2.0 - Sep 21, 2016.
The Great Algorithm Tutorial Roundup; 7 Steps to Mastering Apache Spark 2.0; Machine Learning in a Year: From Total Noob to Effective Practitioner; Learning From Data (Introductory Machine Learning) Caltech MOOC
Algorithms, Apache Spark, Career, Data Scientist, Decision Trees, Machine Learning, MOOC
- The Great Algorithm Tutorial Roundup - Sep 20, 2016.
This is a collection of tutorials relating to the results of the recent KDnuggets algorithms poll. If you are interested in learning or brushing up on the most used algorithms, as per our readers, look here for suggestions on doing so!
Algorithms, Clustering, Decision Trees, K-nearest neighbors, Machine Learning, PCA, Poll, random forests algorithm, Regression, Statistics, Text Mining, Time Series, Visualization
- Decision Trees: A Disastrous Tutorial - Sep 15, 2016.
Get a concise overview of decision trees here, one of the most used KDnuggets reader algorithms as measured in a recent poll.
Algobeans, Decision Trees, Titanic
Top Algorithms and Methods Used by Data Scientists - Sep 12, 2016.
Latest KDnuggets poll identifies the list of top algorithms actually used by Data Scientists, finds surprises including the most academic and most industry-oriented algorithms.
Pages: 1 2
Algorithms, Clustering, Data Visualization, Decision Trees, Poll, Regression
- Machine Learning Classic: Parsimonious Binary Classification Trees - Jun 14, 2016.
Get your hands on a classic technical report outlining a three-step method of construction binary decision trees for multiple classification problems.
Decision Trees, Leo Breiman, Machine Learning, Statistics
- Dealing with Unbalanced Classes, SVMs, Random Forests®, and Decision Trees in Python - Apr 29, 2016.
An overview of dealing with unbalanced classes, and implementing SVMs, Random Forests, and Decision Trees in Python.
Pages: 1 2 3
Balancing Classes, Decision Trees, Precision, Python, Recall, Support Vector Machines, SVM, Unbalanced
- Salford Predictive Modeler 8: Faster. More Machine Learning. Better results - Apr 4, 2016.
Take a giant step forward with SPM 8: Download and try it for yourself just released version 8 and get better results.
Classification, Data Science Platform, Decision Trees, Regression, Salford Systems, TreeNet
- New Salford Predictive Modeler 8 - Mar 1, 2016.
Salford Predictive Modeler software suite: Faster. More Comprehensive Machine Learning. More Automation. Better results. Take a giant step forward in your data science productivity with SPM 8. Download and try it today!
Data Science Platform, Decision Trees, Gradient Boosting, Predictive Modeler, Regression, Salford Systems
- Tree Kernels: Quantifying Similarity Among Tree-Structured Data - Feb 23, 2016.
An in-depth, informative overview of tree kernels, both theoretical and practical. Includes a use case and some code after the discussion.
Pages: 1 2 3
Decision Trees, Graph Mining, Web Mining
- Top 10 tweets Jan 25-31: DataViz: how a decision tree works; Nice and Brief Tutorial on Python - Feb 1, 2016.
DataViz - how a decision tree makes classifications; Very Nice and Brief Tutorial on #Python #DataScience #DataViz; Per Einstein, time flows slower in Meetings than in empty space #hum; Top 10 Skills for #DataScience professionals.
Big Data Influencers, Decision Trees, Dilbert, Python
- Hitchhikers Guide to Azure Machine Learning Studio - Jan 15, 2016.
Learn Azure ML Studio through this brief hands-on tutorial. This step-by-step guide will help you get a quick-start and grasp the basics of this Predictive Modeling tool.
Pages: 1 2 3 4
AWS, Azure ML, Decision Trees, edX, Machine Learning, Web services
- All Machine Learning Models Have Flaws - Mar 3, 2015.
This classic post examines what is right and wrong with different models of machine learning, including Bayesian learning, Graphical Models, Convex Loss Optimization, Statistical Learning, and more.
Bayesian, Decision Trees, Gradient Descent, John Langford, Machine Learning, Statistical Learning
- Top KDnuggets tweets, Jan 26 – Feb 1: Good list of Machine Learning Resources; Sample Machine Learning solutions with R - Feb 2, 2015.
Good list of #MachineLearning Resources, #DeepLearning, Graphical Models; Sample #MachineLearning solutions with R on #Azure ML Marketplace #rstats; Decision Tree Algorithms: comparing Gini Index, Chi-Square, Information Gain; Cartoon: Lets solve 2+4=? first, worry about #DataMining Later.
Azure ML, Cartoon, Decision Trees, Machine Learning, Marketplace, R, xkcd
- Data Analytics for Business Leaders Explained - Sep 22, 2014.
Learn about a variety of different approaches to data analytics and their advantages and limitations from a business leader's perspective in part 1 of this post on data analytics techniques.
Alex Jones, Algorithms, Business Leader, Classification, Data Analytics, Decision Trees, Linear Programming, Regression
- Identity Fraud and Analytics – An Overview - Mar 26, 2014.
With the consumers being increasingly concerned about identity theft, leading financial institutions are leveraging analytics to detect Identity Fraud as it happens.
Boosting, Decision Trees, FCRA, Identity Fraud, Identity Theft, Logistic Regression, Machine Learning
- Webinar, Apr 3: Best Decision Trees just got better with Angoss KnowledgeSEEKER 9.0 - Mar 23, 2014.
This Apr 3 webinar will show how KnowledgeSEEKER 9.0 will make your modeling faster with automated workflow for building, refreshing, and reusing workflows - all with the click of a button.
Angoss, Decision Trees, KnowledgeSEEKER 9.0, Workflow
- Webinar: Best Decision Trees just got better with Angoss KnowledgeSEEKER 9.0, Apr 3 - Mar 14, 2014.
New KnowledgeSEEKER 9.0 makes your modeling faster with automated workflow for building, refreshing, and reusing workflows - all with the click of a button. Learn more on Apr 3.
Angoss, Decision Trees, KnowledgeSEEKER 9.0, Webinar, Workflow
- Introduction to Random Forests® for Beginners – free ebook - Mar 6, 2014.
Random Forests is of the most powerful and successful machine learning techniques. This free ebook will help beginners to leverage the power of Random Forests.
Beginners, Decision Trees, ebook, Free, Kaggle, random forests algorithm, Salford Systems
- Building Better Models – Case studies in Predictive Analysis – JMP Webcasts - Jan 27, 2014.
The five-part on-demand series shows how to build better and more useful models with modern predictive modeling techniques such as regression, neural networks and decision trees.
Boosting, Bootstrap Forests, Decision Trees, JMP, Predictive Analysis, Statistical Modeling