Machine Learning With Python

Learning PathSkills: Image Processing, Text Classification, Speech Recognition

Python Machine Learning Artwork

This comprehensive course provides practical skills in Python-based machine learning, covering varied areas such as image processing, text classification, and speech recognition.

The curriculum delves into computer vision, Natural Language Processing (NLP), and applications with AI models like DALL-E2 and ChatGPT. You’ll also explore common tools, such as PyTorch, TensorFlow, and Keras, and gain a hands-on understanding of important machine learning algorithms.

Whether a beginner or a seasoned programmer, this course is a robust guide to transform your theoretical knowledge into practical expertise in Python machine learning. You’ll be at the forefront of technological innovation, unlocking new ways to interact with the digital world. Time to start your learning adventure!

Machine Learning With Python

Learning Path ⋅ 26 Resources

Preparing Your Environment

Set yourself up for success on your Machine Learning journey. This section prepares your environment for a seamless developing and learning experience.

A Basic Python Setup for Machine Learning on Windows

Tutorial

Setting Up Python for Machine Learning on Windows

In this step-by-step tutorial, you’ll cover the basics of setting up a Python numerical computation environment for machine learning on a Windows machine using the Anaconda Python distribution.

#1

Applications of Machine Learning

Discover a range of exciting real-world Machine Learning applications. This section will guide you through specific projects involving DALL-E2, ChatGPT, and more.

Generate Images With DALL·E 2 and the OpenAI API

Tutorial

Generate Images With DALL·E 2 and the OpenAI API

Learn to use the OpenAI Python library to create images with DALL·E, a state-of-the-art latent diffusion model. You'll explore image creation and generating image variations. You'll interact with DALL·E using API calls, and incorporate this functionality into your Python scripts.

#2
ChatGPT: Your Personal Python Coding Mentor

Tutorial

ChatGPT: Your Personal Python Coding Mentor

Large language models have gained popularity since OpenAI released ChatGPT. In this tutorial, you'll learn how to use ChatGPT as your Python coding mentor. You'll study a variety of use cases, learn how to interpret results, and see that you need to beware of incorrect and irrelevant responses.

#3
GitHub Copilot: Fly With Python at the Speed of Thought

Tutorial

GitHub Copilot: Fly With Python at the Speed of Thought

In this tutorial, you'll get your hands dirty with GitHub Copilot, a virtual pair programmer powered by artificial intelligence trained on billions of lines of code. You'll explore several practical use cases in Python for this amazing productivity tool.

#4
Build a Recommendation Engine With Collaborative Filtering

Tutorial

Build a Recommendation Engine With Collaborative Filtering

Learn about collaborative filtering, which is one of the most common approaches for building recommender systems. You'll cover the various types of algorithms that fall under this category and see how to implement them in Python.

#5

Machine Learning Principles

Understand the core principles of Machine Learning. This section delves into basics such as linear regression, Neural Networks, and how to handle datasets.

Linear Regression in Python

Course

Starting With Linear Regression in Python

Get started with linear regression in Python. Linear regression is one of the fundamental statistical and machine learning techniques, and Python is a popular choice for machine learning.

#6
Linear Regression in Python

Interactive Quiz

Linear Regression in Python

Python AI: How to Build a Neural Network & Make Predictions

Course

Building a Neural Network & Making Predictions With Python AI

In this step-by-step course, you'll build a neural network from scratch as an introduction to the world of artificial intelligence (AI) in Python. You'll learn how to train your neural network and make accurate predictions based on a given dataset.

#7
Split Your Dataset With scikit-learn's train_test_split()

Course

Splitting Datasets With scikit-learn and train_test_split()

Learn why it's important to split your dataset in supervised machine learning and how to do that with train_test_split() from scikit-learn.

#8

Exploring Computer Vision

Unleash the power of image processing and Computer Vision. Cover topics from basic image processing to complex tasks like face detection and face recognition.

Image Processing With the Python Pillow Library

Course

Process Images Using the Pillow Library and Python

Learn how to use the Python Pillow library to deal with images and perform image processing. You'll also explore using NumPy for further processing, including to create animations.

#9
Color Spaces and How to Use Them With OpenCV and Python

Tutorial

Image Segmentation Using Color Spaces in OpenCV + Python

In this introductory tutorial, you'll learn how to simply segment an object from an image based on color in Python using OpenCV. A popular computer vision library written in C/C++ with bindings for Python, OpenCV provides easy ways of manipulating color spaces.

#10
Python Face Recognition and Face Detection

Course

Traditional Face Detection With Python

In this course on face detection with Python, you'll learn about a historically important algorithm for object detection that can be successfully applied to finding the location of a human face within an image.

#11
Python Face Recognition and Face Detection

Tutorial

Build Your Own Face Recognition Tool With Python

In this tutorial, you'll build your own face recognition command-line tool with Python. You'll learn how to use face detection to identify faces in an image and label them using face recognition. With this knowledge, you can create your own face recognition tool from start to finish!

#12

Natural Language Processing

Investigate the realm of Natural Language Processing (NLP) and Natural Language Generation (NLG). Learn how to perform tasks such as sentiment analysis, text classification and more.

Sentiment Analysis: First Steps With Python's NLTK Library

Tutorial

Sentiment Analysis: First Steps With Python's NLTK Library

Learn how to work with Python's Natural Language Toolkit (NLTK) to process and analyze text. You'll also learn how to perform sentiment analysis with built-in as well as custom classifiers!

#13
Natural Language Processing With Python's NLTK Package

Tutorial

Natural Language Processing With Python's NLTK Package

In this beginner-friendly tutorial, you'll take your first steps with Natural Language Processing (NLP) and Python's Natural Language Toolkit (NLTK). You'll learn how to process unstructured data in order to be able to analyze it and draw conclusions from it.

#14
Natural Language Processing With spaCy in Python

Tutorial

Natural Language Processing With spaCy in Python

Learn how to use spaCy. This free and open-source library for natural language processing (NLP) in Python has a lot of built-in capabilities and is becoming increasingly popular for processing and analyzing data in NLP.

#15
Use Sentiment Analysis With Python to Classify Movie Reviews

Tutorial

Use Sentiment Analysis With Python to Classify Movie Reviews

Learn about sentiment analysis and how it works in Python. You'll then build your own sentiment analysis classifier with spaCy that can predict whether a movie review is positive or negative.

#16
Practical Text Classification With Python and Keras

Course

Learn Text Classification With Python and Keras

In this course, you’ll learn about Python text classification with Keras, working your way from a bag-of-words model with logistic regression to more advanced methods, such as convolutional neural networks. You’ll also see how you can use pretrained word embeddings and hyperparameter optimization.

#17
ChatterBot: Build a Chatbot With Python

Tutorial

ChatterBot: Build a Chatbot With Python

Chatbots can help to provide real-time customer support and are a valuable asset in many industries. When you understand the basics of the ChatterBot library, you can build and train a self-learning chatbot with just a few lines of Python code.

#18
Prompt Engineering: A Practical Example

Tutorial

Prompt Engineering: A Practical Example

Learn prompt engineering techniques with a practical, real-world project to get better results from large language models. This tutorial covers zero-shot and few-shot prompting, delimiters, numbered steps, role prompts, chain-of-thought prompting, and more. Improve your LLM-assisted projects today.

#19
Embeddings and Vector Databases With ChromaDB

Tutorial

Embeddings and Vector Databases With ChromaDB

Vector databases are a crucial component of many NLP applications. This tutorial will give you hands-on experience with ChromaDB, an open-source vector database that's quickly gaining traction. Along the way, you'll learn what's needed to understand vector databases with practical examples.

#20
Python Speech Recognition

Course

Speech Recognition With Python

See the fundamentals of speech recognition with Python. You'll learn which speech recognition library gives the best results and build a full-featured "Guess The Word" game with it.

#21

Machine Learning Toolkit

Get to know how to choose the right tools like PyTorch and TensorFlow for your Machine Learning projects. This section offers insights on industry-standard tools.

PyTorch vs Tensorflow for Your Python Deep Learning Project

Course

Python Deep Learning: PyTorch vs Tensorflow

PyTorch vs Tensorflow: Which one should you use? Learn about these two popular deep learning libraries and how to choose the best one for your project.

#22

Algorithms in Machine Learning

Dive headfirst into specific Machine Learning algorithms. Get hands-on experience with k-Nearest Neighbors (kNN), K-Means clustering, and Generative Adversarial Networks (GANs).

The k-Nearest Neighbors (kNN) Algorithm in Python

Course

Using k-Nearest Neighbors (kNN) in Python

Learn all about the k-nearest neighbors (kNN) algorithm in Python, including how to implement kNN from scratch. Once you understand how kNN works, you'll use scikit-learn to facilitate your coding process.

#23
K-Means Clustering in Python: A Practical Guide

Tutorial

K-Means Clustering in Python: A Practical Guide

Learn how to perform k-means clustering in Python. You'll review evaluation metrics for choosing an appropriate number of clusters and build an end-to-end k-means clustering pipeline in scikit-learn.

#24
Jupyter Notebook: An Introduction

Podcast

Deep Reinforcement Learning in a Notebook With Jupylet + Gaming and Synthesis

What is it like to design a Python library for three different audiences? This week on the show, we have Nir Aides, creator of Jupylet. His new library is designed for deep reinforcement learning researchers, musicians interested in live music coding, and kids interested in learning to program. Everything is designed to run inside of a Jupyter notebook.

#25
Generative Adversarial Networks: Build Your First Models

Tutorial

Generative Adversarial Networks: Build Your First Models

Learn all about one of the most exciting areas of research in the field of machine learning: generative adversarial networks. You'll learn the basics of how GANs are structured and trained before implementing your own generative model using PyTorch.

#26

Congratulations on completing this learning path! If you’d like to continue to develop your skills in machine learning with Python, then check out the machine learning topic on Real Python.

Or maybe you’d like to explore related concepts revolving around data science, then take a look at the following learning pahts:

Got feedback on this learning path?

Looking for real-time conversation? Visit the Real Python Community Chat or join the next “Office Hours” Live Q&A Session. Happy Pythoning!

« Browse All Learning Paths