

Our Courses

Machine Learning: Classification
Case Studies: Analyzing Sentiment & Loan Default Prediction In our case study on analyzing sentiment, you will create models that predict a class (positive/negative sentiment) from input features (text of the reviews, user profile information,...). In our second case study for this course, loan default prediction, you will tackle financial data, and predict when a loan is likely to be risky or safe for the bank.
-
Course by
-
Self Paced
-
21 hours
-
English

Fitting Statistical Models to Data with Python
In this course, we will expand our exploration of statistical inference techniques by focusing on the science and art of fitting statistical models to data. We will build on the concepts presented in the Statistical Inference course (Course 2) to emphasize the importance of connecting research questions to our data analysis methods.
-
Course by
-
Self Paced
-
15 hours
-
English

Natural Language Processing with Classification and Vector Spaces
In Course 1 of the Natural Language Processing Specialization, you will: a) Perform sentiment analysis of tweets using logistic regression and then naïve Bayes, b) Use vector space models to discover relationships between words and use PCA to reduce the dimensionality of the vector space and visualize those relationships, and c) Write a simple English to French translation algorithm using pre-computed word embeddings and locality-sensitive hashing to relate words via approximate k-nearest neighbor search.
-
Course by
-
Self Paced
-
33 hours
-
English

Prediction Models with Sports Data
In this course the learner will be shown how to generate forecasts of game results in professional sports using Python. The main emphasis of the course is on teaching the method of logistic regression as a way of modeling game results, using data on team expenditures. The learner is taken through the process of modeling past results, and then using the model to forecast the outcome games not yet played. The course will show the learner how to evaluate the reliability of a model using data on betting odds. The analysis is applied first to the English Premier League, then the NBA and NHL.
-
Course by
-
Self Paced
-
34 hours
-
English

Introduction to Machine Learning in Sports Analytics
In this course students will explore supervised machine learning techniques using the python scikit learn (sklearn) toolkit and real-world athletic data to understand both machine learning algorithms and how to predict athletic outcomes.
-
Course by
-
Self Paced
-
13 hours
-
English

Predict Ad Clicks Using Logistic Regression and XG-Boost
In this project, we will predict Ads clicks using logistic regression and XG-boost algorithms. In this project, we will assume that you have been hired as a consultant to a start-up that is running a targeted marketing ad campaign on Facebook. The company wants to analyze customer behavior by predicting which customer clicks on the advertisement.
-
Course by
-
Self Paced
-
3 hours
-
English

Machine Learning Under the Hood: The Technical Tips, Tricks, and Pitfalls
Machine learning. Your team needs it, your boss demands it, and your career loves it. After all, LinkedIn places it as one of the top few "Skills Companies Need Most" and as the very top emerging job in the U.S. If you want to participate in the deployment of machine learning (aka predictive analytics), you've got to learn how it works. Even if you work as a business leader rather than a hands-on practitioner – even if you won't crunch the numbers yourself – you need to grasp the underlying mechanics in order to help navigate the overall project.
-
Course by
-
Self Paced
-
17 hours
-
English

RStudio for Six Sigma - Hypothesis Testing
Welcome to RStudio for Six Sigma - Hypothesis Testing. This is a project-based course which should take approximately 2 hours to finish.
-
Course by
-
Self Paced
-
3 hours
-
English

Logistic Regression 101: US Household Income Classification
In this hands-on project, we will train Logistic Regression and XG-Boost models to predict whether a particular person earns less than 50,000 US Dollars or more than 50,000 US Dollars annually.
-
Course by
-
Self Paced
-
3 hours
-
English

Logistic Regression in R for Public Health
Welcome to Logistic Regression in R for Public Health! Why logistic regression for public health rather than just logistic regression? Well, there are some particular considerations for every data set, and public health data sets have particular features that need special attention. In a word, they're messy. Like the others in the series, this is a hands-on course, giving you plenty of practice with R on real-life, messy data, with predicting who has diabetes from a set of patient characteristics as the worked example for this course.
-
Course by
-
Self Paced
-
12 hours
-
English

Breast Cancer Prediction Using Machine Learning
In this 2 hours long project-based course, you will learn to build a Logistic regression model using Scikit-learn to classify breast cancer as either Malignant or Benign. We will use the Breast Cancer Wisconsin (Diagnostic) Data Set from Kaggle. Our goal is to use a simple logistic regression classifier for cancer classification. We will be carrying out the entire project on the Google Colab environment. You will need a free Gmail account to complete this project. Please be aware of the fact that the dataset and the model in this project, can not be used in real-life.
-
Course by
-
Self Paced
-
2 hours
-
English

Predictive Modeling with Logistic Regression using SAS
This course covers predictive modeling using SAS/STAT software with emphasis on the LOGISTIC procedure. This course also discusses selecting variables and interactions, recoding categorical variables based on the smooth weight of evidence, assessing models, treating missing values, and using efficiency techniques for massive data sets. You learn to use logistic regression to model an individual's behavior as a function of known inputs, create effect plots and odds ratio plots, handle missing data values, and tackle multicollinearity in your predictors.
-
Course by
-
Self Paced
-
17 hours
-
English

Generalized Linear Models and Nonparametric Regression
In the final course of the statistical modeling for data science program, learners will study a broad set of more advanced statistical modeling tools. Such tools will include generalized linear models (GLMs), which will provide an introduction to classification (through logistic regression); nonparametric modeling, including kernel estimators, smoothing splines; and semi-parametric generalized additive models (GAMs). Emphasis will be placed on a firm conceptual understanding of these tools.
-
Course by
-
Self Paced
-
42 hours
-
English

Employee Attrition Prediction Using Machine Learning
In this project-based course, we will build, train and test a machine learning model to predict employee attrition using features such as employee job satisfaction, distance from work, compensation and performance. We will explore two machine learning algorithms, namely: (1) logistic regression classifier model and (2) Extreme Gradient Boosted Trees (XG-Boost). This project could be effectively applied in any Human Resources department to predict which employees are more likely to quit based on their features.
-
Course by
-
3 hours
-
English

Logistic Regression for Classification using Julia
This guided project is about book genre classification using logistic regression in Julia.
-
Course by
-
Self Paced
-
3 hours
-
English

Supervised Machine Learning: Regression and Classification
In the first course of the Machine Learning Specialization, you will: • Build machine learning models in Python using popular machine learning libraries NumPy and scikit-learn. • Build and train supervised machine learning models for prediction and binary classification tasks, including linear regression and logistic regression The Machine Learning Specialization is a foundational online program created in collaboration between DeepLearning.AI and Stanford Online.
-
Course by
-
Self Paced
-
33 hours
-
English

Survival Analysis in R for Public Health
Welcome to Survival Analysis in R for Public Health! The three earlier courses in this series covered statistical thinking, correlation, linear regression and logistic regression. This one will show you how to run survival – or “time to event” – analysis, explaining what’s meant by familiar-sounding but deceptive terms like hazard and censoring, which have specific meanings in this context.
-
Course by
-
Self Paced
-
12 hours
-
English

AI Workflow: Machine Learning, Visual Recognition and NLP
This is the fourth course in the IBM AI Enterprise Workflow Certification specialization. You are STRONGLY encouraged to complete these courses in order as they are not individual independent courses, but part of a workflow where each course builds on the previous ones. Course 4 covers the next stage of the workflow, setting up models and their associated data pipelines for a hypothetical streaming media company. The first topic covers the complex topic of evaluation metrics, where you will learn best practices for a number of different metrics including regressi
-
Course by
-
Self Paced
-
14 hours
-
English

Machine Learning with Python
Get ready to dive into the world of Machine Learning (ML) by using Python! This course is for you whether you want to advance your Data Science career or get started in Machine Learning and Deep Learning. This course will begin with a gentle introduction to Machine Learning and what it is, with topics like supervised vs unsupervised learning, linear & non-linear regression, simple regression and more. You will then dive into classification techniques using different classification algorithms, namely K-Nearest Neighbors (KNN), decision trees, and Logistic Regression.
-
Course by
-
Self Paced
-
33 hours
-
English

Machine Learning: Theory and Hands-on Practice with Python
In the Machine Learning specialization, we will cover Supervised Learning, Unsupervised Learning, and the basics of Deep Learning. You will apply ML algorithms to real-world data, learn when to use which model and why, and improve the performance of your models. Starting with supervised learning, we will cover linear and logistic regression, KNN, Decision trees, ensembling methods such as Random Forest and Boosting, and kernel methods such as SVM. Then we turn our attention to unsupervised methods, including dimensionality reduction techniques (e.g., PCA), clustering, and recommender systems.
-
Course by
-
Self Paced
-
English

Multiple Regression Analysis in Public Health
Biostatistics is the application of statistical reasoning to the life sciences, and it's the key to unlocking the data gathered by researchers and the evidence presented in the scientific public health literature. In this course, you'll extend simple regression to the prediction of a single outcome of interest on the basis of multiple variables. Along the way, you'll be introduced to a variety of methods, and you'll practice interpreting data and performing calculations on real data from published studies.
-
Course by
-
Self Paced
-
14 hours
-
English

Machine Learning for Telecom Customers Churn Prediction
In this hands-on project, we will train several classification algorithms such as Logistic Regression, Support Vector Machine, K-Nearest Neighbors, and Random Forest Classifier to predict the churn rate of Telecommunication Customers.
-
Course by
-
Self Paced
-
3 hours
-
English

Introduction to Statistical Analysis: Hypothesis Testing
This introductory course is for SAS software users who perform statistical analyses using SAS/STAT software. The focus is on t tests, ANOVA, and linear regression, and includes a brief introduction to logistic regression.
-
Course by
-
Self Paced
-
10 hours
-
English

Introduction to Machine Learning: Supervised Learning
In this course, you’ll be learning various supervised ML algorithms and prediction tasks applied to different data. You’ll learn when to use which model and why, and how to improve the model performances. We will cover models such as linear and logistic regression, KNN, Decision trees and ensembling methods such as Random Forest and Boosting, kernel methods such as SVM. Prior coding or scripting knowledge is required. We will be utilizing Python extensively throughout the course.
-
Course by
-
Self Paced
-
40 hours
-
English

Statistical Analysis with R for Public Health
Statistics are everywhere. The probability it will rain today. Trends over time in unemployment rates. The odds that India will win the next cricket world cup. In sports like football, they started out as a bit of fun but have grown into big business. Statistical analysis also has a key role in medicine, not least in the broad and core discipline of public health. In this specialisation, you’ll take a peek at what medical research is and how – and indeed why – you turn a vague notion into a scientifically testable hypothesis.
-
Course by
-
Self Paced
-
English