Overview

Qualification Institution Date
Applied Data Science with Python Specialization University of Michigan 2025-03-01
Applied Social Network Analysis in Python University of Michigan 2025-03-01
Applied Text Mining in Python University of Michigan 2025-02-17
Applied Machine Learning in Python University of Michigan 2025-02-11
TensorFlow 2 for Deep Learning Specialization Imperial College London 2021-12-27
Probabilistic Deep Learning with TensorFlow 2 Imperial College London 2021-12-27
Customizing your Models with TensorFlow 2 Imperial College London 2021-10-29
Getting Started with TensorFlow 2 Imperial College London 2021-09-20
Mathematics for Machine Learning Specialization Imperial College London 2021-08-11
Mathematics for Machine Learning: PCA Imperial College London 2021-08-11
Mathematics for Machine Learning: Multivariate Calculus Imperial College London 2021-08-08
Mathematics for Machine Learning: Linear Algebra Imperial College London 2021-07-30
Machine Learning Stanford University 2021-07-12
Algebra and Differential Calculus for Data Science University of Colorado Boulder 2025-03-06
Classifying Objects Using Deep Learning in ArcGIS Pro Esri Training 2023-11-12
Introduction to Distance Analysis Esri Training 2023-09-03
Spatial Data Science The New Frontier in Analytics, MOOC Esri Training 2022-11-22
Introduction to Image Classification Esri Training 2022-09-27
Performing Supervised Pixel-Based Image Classification Esri Training 2021-02-11

Details

Applied Data Science with Python Specialization

University of Michigan, 2025-03-01

[Applied Data Science with Python Specialization](#applied-data-science-with-python-specialization)

PDF | External Link | Return to overview

The 5 courses in this University of Michigan specialization introduce learners to data science through the python programming language. This skills-based specialization is intended for learners who have a basic python or programming background, and want to apply statistical, machine learning, information visualization, text analysis, and social network analysis techniques through popular python toolkits such as pandas, matplotlib, scikit-learn, nltk, and networkx to gain insight into their data.

Introduction to Data Science in Python (course 1), Applied Plotting, Charting & Data Representation in Python (course 2), and Applied Machine Learning in Python (course 3) should be taken in order and prior to any other course in the specialization. After completing those, courses 4 and 5 can be taken in any order.

What you'll learn

  • Conduct an inferential statistical analysis

  • Discern whether a data visualization is good or bad

  • Enhance a data analysis with applied machine learning

  • Analyze the connectivity of a social network

External link | Return to overview

Applied Social Network Analysis in Python

University of Michigan, 2025-03-01

[Applied Social Network Analysis in Python](#applied-social-network-analysis-in-python)

PDF | External Link | Return to overview

This course will introduce the learner to network analysis through tutorials using the NetworkX library. The course begins with an understanding of what network analysis is and motivations for why we might model phenomena as networks. The second week introduces the concept of connectivity and network robustness. The third week will explore ways of measuring the importance or centrality of a node in a network. The final week will explore the evolution of networks over time and cover models of network generation and the link prediction problem.

What you'll learn

  • Represent and manipulate networked data using the NetworkX library

  • Analyze the connectivity of a network

  • Measure the importance or centrality of a node in a network

  • Predict the evolution of networks over time

External link | Return to overview

Applied Text Mining in Python

University of Michigan, 2025-02-17

[Applied Text Mining in Python](#applied-text-mining-in-python)

PDF | External Link | Return to overview

This course will introduce the learner to text mining and text manipulation basics. The course begins with an understanding of how text is handled by python, the structure of text both to the machine and to humans, and an overview of the nltk framework for manipulating text. The second week focuses on common manipulation needs, including regular expressions (searching for text), cleaning text, and preparing text for use by machine learning processes. The third week will apply basic natural language processing methods to text, and demonstrate how text classification is accomplished. The final week will explore more advanced methods for detecting the topics in documents and grouping them by similarity (topic modelling).

What you'll learn

  • Understand how text is handled in Python

  • Apply basic natural language processing methods

  • Write code that groups documents by topic

  • Describe the nltk framework for manipulating text

External link | Return to overview

Applied Machine Learning in Python

University of Michigan, 2025-02-11

[Applied Machine Learning in Python](#applied-machine-learning-in-python)

PDF | External Link | Return to overview

This course will introduce the learner to applied machine learning, focusing more on the techniques and methods than on the statistics behind these methods. The course will start with a discussion of how machine learning is different than descriptive statistics, and introduce the scikit learn toolkit through a tutorial. The issue of dimensionality of data will be discussed, and the task of clustering data, as well as evaluating those clusters, will be tackled. Supervised approaches for creating predictive models will be described, and learners will be able to apply the scikit learn predictive modelling methods while understanding process issues related to data generalizability (e.g. cross validation, overfitting). The course will end with a look at more advanced techniques, such as building ensembles, and practical limitations of predictive models. By the end of this course, students will be able to identify the difference between a supervised (classification) and unsupervised (clustering) technique, identify which technique they need to apply for a particular dataset and need, engineer features to meet that need, and write python code to carry out an analysis.

What you'll learn

  • Describe how machine learning is different than descriptive statistics

  • Create and evaluate data clusters

  • Explain different approaches for creating predictive models

  • Build features that meet analysis needs

External link | Return to overview

TensorFlow 2 for Deep Learning Specialization

Imperial College London, 2021-12-27

[TensorFlow 2 for Deep Learning Specialization](#tensorflow-2-for-deep-learning-specialization)

PDF | External Link | Return to overview

This Specialization is intended for machine learning researchers and practitioners who are seeking to develop practical skills in the popular deep learning framework TensorFlow.

The first course of this Specialization will guide you through the fundamental concepts required to successfully build, train, evaluate and make predictions from deep learning models, validating your models and including regularisation, implementing callbacks, and saving and loading models.

The second course will deepen your knowledge and skills with TensorFlow, in order to develop fully customised deep learning models and workflows for any application. You will use lower level APIs in TensorFlow to develop complex model architectures, fully customised layers, and a flexible data workflow. You will also expand your knowledge of the TensorFlow APIs to include sequence models.

The final course specialises in the increasingly important probabilistic approach to deep learning. You will learn how to develop probabilistic models with TensorFlow, making particular use of the TensorFlow Probability library, which is designed to make it easy to combine probabilistic models with deep learning. As such, this course can also be viewed as an introduction to the TensorFlow Probability library.

Prerequisite knowledge for this Specialization is python 3, general machine learning and deep learning concepts, and a solid foundation in probability and statistics (especially for course 3).

Applied Learning Project

Within the Capstone projects and programming assignments of this Specialization, you will acquire practical skills in developing deep learning models for a range of applications such as image classification, language translation, and text and image generation.

External link | Return to overview

Probabilistic Deep Learning with TensorFlow 2

Imperial College London, 2021-12-27

[Probabilistic Deep Learning with TensorFlow 2](#probabilistic-deep-learning-with-tensorflow-2)

PDF | External Link | Return to overview

This course builds on the foundational concepts and skills for TensorFlow taught in the first two courses in this specialisation, and focuses on the probabilistic approach to deep learning. This is an increasingly important area of deep learning that aims to quantify the noise and uncertainty that is often present in real world datasets. This is a crucial aspect when using deep learning models in applications such as autonomous vehicles or medical diagnoses; we need the model to know what it doesn't know.

You will learn how to develop probabilistic models with TensorFlow, making particular use of the TensorFlow Probability library, which is designed to make it easy to combine probabilistic models with deep learning. As such, this course can also be viewed as an introduction to the TensorFlow Probability library.

You will learn how probability distributions can be represented and incorporated into deep learning models in TensorFlow, including Bayesian neural networks, normalising flows and variational autoencoders. You will learn how to develop models for uncertainty quantification, as well as generative models that can create new samples similar to those in the dataset, such as images of celebrity faces.

You will put concepts that you learn about into practice straight away in practical, hands-on coding tutorials, which you will be guided through by a graduate teaching assistant. In addition there is a series of automatically graded programming assignments for you to consolidate your skills.

At the end of the course, you will bring many of the concepts together in a Capstone Project, where you will develop a variational autoencoder algorithm to produce a generative model of a synthetic image dataset that you will create yourself.

This course follows on from the previous two courses in the specialisation, Getting Started with TensorFlow 2 and Customising Your Models with TensorFlow 2. The additional prerequisite knowledge required in order to be successful in this course is a solid foundation in probability and statistics. In particular, it is assumed that you are familiar with standard probability distributions, probability density functions, and concepts such as maximum likelihood estimation, change of variables formula for random variables, and the evidence lower bound (ELBO) used in variational inference.

External link | Return to overview

Customizing your Models with TensorFlow 2

Imperial College London, 2021-10-29

[Customizing your Models with TensorFlow 2](#customizing-your-models-with-tensorflow-2)

PDF | External Link | Return to overview

In this course you will deepen your knowledge and skills with TensorFlow, in order to develop fully customised deep learning models and workflows for any application. You will use lower level APIs in TensorFlow to develop complex model architectures, fully customised layers, and a flexible data workflow. You will also expand your knowledge of the TensorFlow APIs to include sequence models.

You will put concepts that you learn about into practice straight away in practical, hands-on coding tutorials, which you will be guided through by a graduate teaching assistant. In addition there is a series of automatically graded programming assignments for you to consolidate your skills.

At the end of the course, you will bring many of the concepts together in a Capstone Project, where you will develop a custom neural translation model from scratch.

TensorFlow is an open source machine library, and is one of the most widely used frameworks for deep learning. The release of TensorFlow 2 marks a step change in the product development, with a central focus on ease of use for all users, from beginner to advanced level.

This course follows on directly from the previous course Getting Started with TensorFlow 2. The additional prerequisite knowledge required in order to be successful in this course is proficiency in the python programming language, (this course uses python 3), knowledge of general machine learning concepts (such as overfitting/underfitting, supervised learning tasks, validation, regularisation and model selection), and a working knowledge of the field of deep learning, including typical model architectures (MLP, CNN, RNN, ResNet), and concepts such as transfer learning, data augmentation and word embeddings.

External link | Return to overview

Getting Started with TensorFlow 2

Imperial College London, 2021-09-20

[Getting Started with TensorFlow 2](#getting-started-with-tensorflow-2)

PDF | External Link | Return to overview

In this course you will learn a complete end-to-end workflow for developing deep learning models with Tensorflow, from building, training, evaluating and predicting with models using the Sequential API, validating your models and including regularisation, implementing callbacks, and saving and loading models.

You will put concepts that you learn about into practice straight away in practical, hands-on coding tutorials, which you will be guided through by a graduate teaching assistant. In addition there is a series of automatically graded programming assignments for you to consolidate your skills.

At the end of the course, you will bring many of the concepts together in a Capstone Project, where you will develop an image classifier deep learning model from scratch.

Tensorflow is an open source machine library, and is one of the most widely used frameworks for deep learning. The release of Tensorflow 2 marks a step change in the product development, with a central focus on ease of use for all users, from beginner to advanced level. This course is intended for both users who are completely new to Tensorflow, as well as users with experience in Tensorflow 1.x.

The prerequisite knowledge required in order to be successful in this course is proficiency in the python programming language, (this course uses python 3), knowledge of general machine learning concepts (such as overfitting/underfitting, supervised learning tasks, validation, regularisation and model selection), and a working knowledge of the field of deep learning, including typical model architectures (MLP/feedforward and convolutional neural networks), activation functions, output layers, and optimisation.

External link | Return to overview

Mathematics for Machine Learning Specialization

Imperial College London, 2021-08-11

[Mathematics for Machine Learning Specialization](#mathematics-for-machine-learning-specialization)

PDF | External Link | Return to overview

For a lot of higher level courses in Machine Learning and Data Science, you find you need to freshen up on the basics in mathematics - stuff you may have studied before in school or university, but which was taught in another context, or not very intuitively, such that you struggle to relate it to how it’s used in Computer Science. This specialization aims to bridge that gap, getting you up to speed in the underlying mathematics, building an intuitive understanding, and relating it to Machine Learning and Data Science.

In the first course on Linear Algebra we look at what linear algebra is and how it relates to data. Then we look through what vectors and matrices are and how to work with them.

The second course, Multivariate Calculus, builds on this to look at how to optimize fitting functions to get good fits to data. It starts from introductory calculus and then uses the matrices and vectors from the first course to look at data fitting.

The third course, Dimensionality Reduction with Principal Component Analysis, uses the mathematics from the first two courses to compress high-dimensional data. This course is of intermediate difficulty and will require Python and numpy knowledge.

At the end of this specialization you will have gained the prerequisite mathematical knowledge to continue your journey and take more advanced courses in machine learning.

Applied Learning Project

Through the assignments of this specialisation you will use the skills you have learned to produce mini-projects with Python on interactive notebooks, an easy to learn tool which will help you apply the knowledge to real world problems. For example, using linear algebra in order to calculate the page rank of a small simulated internet, applying multivariate calculus in order to train your own neural network, performing a non-linear least squares regression to fit a model to a data set, and using principal component analysis to determine the features of the MNIST digits data set.

External link | Return to overview

Mathematics for Machine Learning: PCA

Imperial College London, 2021-08-11

[Mathematics for Machine Learning: PCA](#mathematics-for-machine-learning-pca)

PDF | External Link | Return to overview

This intermediate-level course introduces the mathematical foundations to derive Principal Component Analysis (PCA), a fundamental dimensionality reduction technique. We'll cover some basic statistics of data sets, such as mean values and variances, we'll compute distances and angles between vectors using inner products and derive orthogonal projections of data onto lower-dimensional subspaces. Using all these tools, we'll then derive PCA as a method that minimizes the average squared reconstruction error between data points and their reconstruction.

At the end of this course, you'll be familiar with important mathematical concepts and you can implement PCA all by yourself. If you’re struggling, you'll find a set of jupyter notebooks that will allow you to explore properties of the techniques and walk you through what you need to do to get on track. If you are already an expert, this course may refresh some of your knowledge.

The lectures, examples and exercises require:

  1. Some ability of abstract thinking

  2. Good background in linear algebra (e.g., matrix and vector algebra, linear independence, basis)

  3. Basic background in multivariate calculus (e.g., partial derivatives, basic optimization)

  4. Basic knowledge in python programming and numpy

This course is substantially more abstract and requires more programming than the other two courses of the specialization. However, this type of abstract thinking, algebraic manipulation and programming is necessary if you want to understand and develop machine learning algorithms.

What you'll learn

  • Implement mathematical concepts using real-world data

  • Derive PCA from a projection perspective

  • Understand how orthogonal projections work

  • Master PCA

External link | Return to overview

Mathematics for Machine Learning: Multivariate Calculus

Imperial College London, 2021-08-08

[Mathematics for Machine Learning: Multivariate Calculus](#mathematics-for-machine-learning-multivariate-calculus)

PDF | External Link | Return to overview

This course offers a brief introduction to the multivariate calculus required to build many common machine learning techniques. We start at the very beginning with a refresher on the “rise over run” formulation of a slope, before converting this to the formal definition of the gradient of a function. We then start to build up a set of tools for making calculus easier and faster. Next, we learn how to calculate vectors that point up hill on multidimensional surfaces and even put this into action using an interactive game. We take a look at how we can use calculus to build approximations to functions, as well as helping us to quantify how accurate we should expect those approximations to be. We also spend some time talking about where calculus comes up in the training of neural networks, before finally showing you how it is applied in linear regression models. This course is intended to offer an intuitive understanding of calculus, as well as the language necessary to look concepts up yourselves when you get stuck. Hopefully, without going into too much detail, you’ll still come away with the confidence to dive into some more focused machine learning courses in future.

External link | Return to overview

Mathematics for Machine Learning: Linear Algebra

Imperial College London, 2021-07-30

[Mathematics for Machine Learning: Linear Algebra](#mathematics-for-machine-learning-linear-algebra)

PDF | External Link | Return to overview

In this course on Linear Algebra we look at what linear algebra is and how it relates to vectors and matrices. Then we look through what vectors and matrices are and how to work with them, including the knotty problem of eigenvalues and eigenvectors, and how to use these to solve problems. Finally we look at how to use these to do fun things with datasets - like how to rotate images of faces and how to extract eigenvectors to look at how the Pagerank algorithm works.

Since we're aiming at data-driven applications, we'll be implementing some of these ideas in code, not just on pencil and paper. Towards the end of the course, you'll write code blocks and encounter Jupyter notebooks in Python, but don't worry, these will be quite short, focussed on the concepts, and will guide you through if you’ve not coded before.

At the end of this course you will have an intuitive understanding of vectors and matrices that will help you bridge the gap into linear algebra problems, and how to apply these concepts to machine learning.

External link | Return to overview

Machine Learning

Stanford University, 2021-07-12

[Machine Learning](#machine-learning)

PDF | External Link | Return to overview

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. In this beginner-friendly program, you will learn the fundamentals of machine learning and how to use these techniques to build real-world AI applications.

This Specialization is taught by Andrew Ng, an AI visionary who has led critical research at Stanford University and groundbreaking work at Google Brain, Baidu, and Landing.AI to advance the AI field.

This 3-course Specialization is an updated and expanded version of Andrew’s pioneering Machine Learning course, rated 4.9 out of 5 and taken by over 4.8 million learners since it launched in 2012.

It provides a broad introduction to modern machine learning, including supervised learning (multiple linear regression, logistic regression, neural networks, and decision trees), unsupervised learning (clustering, dimensionality reduction, recommender systems), and some of the best practices used in Silicon Valley for artificial intelligence and machine learning innovation (evaluating and tuning models, taking a data-centric approach to improving performance, and more.)

By the end of this Specialization, you will have mastered key concepts and gained the practical know-how to quickly and powerfully apply machine learning to challenging real-world problems. If you’re looking to break into AI or build a career in machine learning, the new Machine Learning Specialization is the best place to start.

What you'll learn

  • Build machine learning models in Python using popular machine learning libraries NumPy & scikit-learn.

  • Build & train supervised machine learning models for prediction & binary classification tasks, including linear regression & logistic regression.

External link | Return to overview

Algebra and Differential Calculus for Data Science

University of Colorado Boulder, 2025-03-06

[Algebra and Differential Calculus for Data Science](#algebra-and-differential-calculus-for-data-science)

PDF | External Link | Return to overview

Are you interested in Data Science but lack the math background for it? Has math always been a tough subject that you tend to avoid? This course will teach you the most fundamental Calculus concepts that you will need for a career in Data Science without a ton of unnecessary proofs and techniques that you may never use. Consider this an expressway to Data Science with approachable methods and friendly concepts that will guide you to truly understanding the most important ideas in Differential Calculus. We will review some algebra basics, talk about what a derivative is, compute some simple derivatives and apply the basics of derivatives to graphing and maximizing functions.

This course is designed to prepare learners to successfully complete Statistical Modeling for Data Science Application, which is part of CU Boulder's Master of Science in Data Science (MS-DS) program.

What you'll learn

  • Practice working with logarithm properties and how logarithm functions behave graphically.

  • Identify the difference between a continuous and non-continuous function.

  • Solidify an understanding of what a derivative is calculating.

  • Understand how to use derivatives to create graphs of functions.

External link | Return to overview

Classifying Objects Using Deep Learning in ArcGIS Pro

Esri Training, 2023-11-12

[Classifying Objects Using Deep Learning in ArcGIS Pro](#classifying-objects-using-deep-learning-in-arcgis-pro)

PDF | Return to overview

The 2018 Woolsey Fire burned thousands of acres of land in Southern California. In the past, analysts had to manually review aerial images to determine the scope of building damage. Deep learning can automate this process. In this ArcGIS lab, you will play the role of a wildfire analyst. First, you will prepare aerial imagery and training sample data. Then, you will train a deep learning model to classify buildings as damaged or undamaged. Finally, you will apply and evaluate the accuracy of your model.

External link | Return to overview

Introduction to Distance Analysis

Esri Training, 2023-09-03

[Introduction to Distance Analysis](#introduction-to-distance-analysis)

PDF | Return to overview

Distance analysis helps answer a fundamental question about geographic data: How far apart are different locations? In this course, you will learn that "how far apart" means much more than the number of kilometers between places on a map—distance can also include the effect of the landscape on movement. You will learn how distance analysis can create more sophisticated models of near and far. You will also apply distance analysis concepts to answer real-world questions about movement across the landscape.

External link | Return to overview

Spatial Data Science The New Frontier in Analytics, MOOC

Esri Training, 2022-11-22

[Spatial Data Science The New Frontier in Analytics, MOOC](#spatial-data-science-the-new-frontier-in-analytics-mooc)

PDF | Return to overview

Spatial data science allows analysts to extract deeper insight from data using a comprehensive set of analytical methods and spatial algorithms, including machine learning and deep learning techniques. This course explores the application of spatial data science to uncover hidden patterns and improve predictive modeling. You'll work with powerful analytical tools in Esri's ArcGIS software and learn how to integrate popular open data science packages into your analyses.

SECTION 1 • Introduction to Spatial Data Science

Explore how spatial data, tools, and analysis techniques augment traditional data science. Understand that “spatial” means more than x,y coordinates and that place-based context reveals patterns in data that otherwise may be hidden. Start applying data engineering and visualization techniques in ArcGIS Pro and ArcGIS Notebooks.

SECTION 2 • The Spatial Approach to Predictive Analysis

Prediction is fundamental to data science. See how incorporating spatial properties into modeling workflows deepens understanding of data and adds a widely used machine learning approach, to solve problems. Train and evaluate a model, then use it to generate robust predictions.

SECTION 3 • Finding Optimal Locations Using Suitability Models

Apply widely used spatial analysis techniques to answer this universal question asked by all kinds of organizations: Where is the best location for ? Perform a weighted overlay analysis that considers and ranks multiple suitability criteria. Learn how to transform data using functions to more completely represent suitability impact.

SECTION 4 • Pattern Detection and Clustering

Does a pattern have meaning or is it a product of random chance? ArcGIS includes a suite of tools to help analysts identify patterns and clusters in data and determine if they are meaningful. Learn how to apply statistical clustering methods to analyze patterns in space as well as time. Create a spacetime cube, then use space-time pattern mining tools to explore spatiotemporal trends and determine where and when high and low clusters occur.

SECTION 5 • Object Detection with Deep Learning

Take a deep dive into extracting information from massive data using deep learning. Learn how to automate the process of detecting objects and identifying features from imagery. Practice preparing training sample data, then use a neural network to train an object detection model.

External link | Return to overview

Introduction to Image Classification

Esri Training, 2022-09-27

[Introduction to Image Classification](#introduction-to-image-classification)

PDF | Return to overview

Remotely sensed raster data provides a lot of information, but accessing that information can be difficult. Through image classification, you can create thematic classified rasters that can convey information to decision makers. This course introduces options for creating thematic classified rasters in ArcGIS.

External link | Return to overview

Performing Supervised Pixel-Based Image Classification

Esri Training, 2021-02-11

[Performing Supervised Pixel-Based Image Classification](#performing-supervised-pixel-based-image-classification)

PDF | Return to overview

Fine spatial resolution rasters have visually recognized features that can be used to improve classification results. Through supervised pixel-based image classification, you can take advantage of this user input to create informative data products. This course introduces the supervised pixel-based image classification technique for creating thematic classified rasters in ArcGIS.

External link | Return to overview