37 Posts

python

Return to top
Python Timestamp: Converting and Formatting Essentials for Beginners

Python Timestamp: Converting and Formatting Essentials for Beginners

Learn how to work with date, time, and timestamps in Python - from basic understanding to …

Python If Not: How to Simplify Conditional Statements in Your Code

Python If Not: How to Simplify Conditional Statements in Your Code

Learn how to simplify your codntional statements with Python If Not - the best way to reverse …

Python Dotenv: How To Manage Environment Variables in Python

Python Dotenv: How To Manage Environment Variables in Python

Learn how to manage environment variables in Python with Python dotenv - the best way to store …

Python For Loop Range - How to Loop Through a Range in Python

Python For Loop Range - How to Loop Through a Range in Python

Discover Python for loop range: master looping through ranges effortlessly with expert tips and …

Nested Dictionary Python - A Complete Guide to Python Nested Dictionaries

Nested Dictionary Python - A Complete Guide to Python Nested Dictionaries

How to work with Nested Dictionary in Python? This article teaches you everything you need to …

Pip Install Specific Version - How to Install a Specific Python Package Version with Pip

Pip Install Specific Version - How to Install a Specific Python Package Version with Pip

Want to install a specific Python package version with Pip? This article will show you how with …

ModuleNotFoundError: No Module Named Pycocotools - 7 Solutions in Python

ModuleNotFoundError: No Module Named Pycocotools - 7 Solutions in Python

Learn how to solve Python ModuleNotFoundError: No module named Pycocotools with in-depth …

Python Pipreqs - How to Create requirements.txt File Like a Sane Person

Python Pipreqs - How to Create requirements.txt File Like a Sane Person

Want to include only the libraries you use in requirements.txt? Try pipreqs, a Python module …

Python Square Roots: 5 Ways to Take Square Roots in Python

Python Square Roots: 5 Ways to Take Square Roots in Python

There’s more than one way to Python square roots. Learn 5 approaches to square roots in …

Gingerit Python: How to Correct Grammatical Errors with Python

Gingerit Python: How to Correct Grammatical Errors with Python

Want to check if a sentence is grammatically correct with Python? Try Gingerit - a free Python …

Squaring in Python: 4 Ways How to Square a Number in Python

Squaring in Python: 4 Ways How to Square a Number in Python

There’s more than one way to square a number in Python. Learn 4 approaches to Python …

PyWhatKit: How to Automate Whatsapp Messages with Python

PyWhatKit: How to Automate Whatsapp Messages with Python

Want to automate Whatsapp messages? Try PyWhatKit - A Python Whatsapp automation library.

Python Constants - Everything You Need to Know

Python Constants - Everything You Need to Know

Does Python have constants? Read our detailed guide to Python constants in 10 minutes.

Top 3 Radical New Features in Python 3.11 - Prepare Yourself

Top 3 Radical New Features in Python 3.11 - Prepare Yourself

Python 3.11 is expected to air in October 2022. What’s new? Today we bring you 3 …

Introducing PyScript - How to Run Python in Your Browser

Introducing PyScript - How to Run Python in Your Browser

You can now run Python in your browser with PyScript - Learn the basics and code two pages from …

Python is About to Become 64% Faster - Python 3.10 vs. Python 3.11 Benchmark

Python is About to Become 64% Faster - Python 3.10 vs. Python 3.11 Benchmark

Let’s compare Python 3.10 vs. Python 3.11 in an extensive benchmark test. Spoiler alert: …

Stop Hardcoding Values in Python Apps - Use ConfigParser Instead

Stop Hardcoding Values in Python Apps - Use ConfigParser Instead

Hardcoded values are a terrible idea. Use configparser to read .ini configuration files in …

Stop Hardcoding Values in Python Apps - Use YAML Configuration Files Instead

Stop Hardcoding Values in Python Apps - Use YAML Configuration Files Instead

You should never hardcode Python app configuration data. YAML is an excellent alternative. …

Stop Hardcoding Values in Python Apps - Use JSON Configuration Files Instead

Stop Hardcoding Values in Python Apps - Use JSON Configuration Files Instead

Still hardcoding values in Python apps? That’s a terrible idea. Learn how to use JSON …

Python List Print - 7 Different Ways to Print a List You Must Know

Python List Print - 7 Different Ways to Print a List You Must Know

Did you know there’s more than one way to print a list in Python? Well, there is. We …

Stop Using Python to Aggregate Data - Use SQL Instead

Stop Using Python to Aggregate Data - Use SQL Instead

Are you using Python to extract raw data from the database? It could be a huge bottleneck in …

Python Set Intersection - The Ultimate Guide for Beginners

Python Set Intersection - The Ultimate Guide for Beginners

What is Python Set Intersection? What does the Intersection method do in Python? All of that …

Python Set Difference - A Complete Beginner Guide

Python Set Difference - A Complete Beginner Guide

What is Python Set Difference? What does the Difference method do in Python? All of that and …

Python Set union() - A Complete Guide in 5 Minutes

Python Set union() - A Complete Guide in 5 Minutes

What is a set union in Python? How to use the pipe operator? What is the time complexity of set …

Python Single vs. Double Quotes - Which Should You Use And Why?

Python Single vs. Double Quotes - Which Should You Use And Why?

Should you use single or double quotes in Python? These are the differences and best practices …

Python If-Else Statement in One Line - Ternary Operator Explained

Python If-Else Statement in One Line - Ternary Operator Explained

Python supports if-else statements in one line - but should you use them and how? When should …

Python Structural Pattern Matching — Top 3 Use Cases To Get You Started

Python Structural Pattern Matching — Top 3 Use Cases To Get You Started

Python 3.10 packs support for Switch statements (structural pattern matching). Here are a …

Dask Delayed — How to Parallelize Your Python Code With Ease

Dask Delayed — How to Parallelize Your Python Code With Ease

Python and GIL - Problem no more! Yes, you can execute Python code in parallel with Dask …

Concurrency in Python: How to Speed Up Your Code With Threads

Concurrency in Python: How to Speed Up Your Code With Threads

Yes, Python is slow by default, but there’s a workaround. Read our hands-on guide on …

How to Create PDF Reports with Python — The Essential Guide

How to Create PDF Reports with Python — The Essential Guide

Yes, you can use Python to create PDF reports, and it’s easier than you think! Learn how …

Python Parallelism: Essential Guide to Speeding up Your Python Code in Minutes

Python Parallelism: Essential Guide to Speeding up Your Python Code in Minutes

Python is slow by default - but only because it uses a single CPU core. Here’s how you …

How to Make Synthetic Datasets with Python: A Complete Guide for Machine Learning

How to Make Synthetic Datasets with Python: A Complete Guide for Machine Learning

No dataset? Not a problem - create one yourself with Python. This guide teaches you how to …

Python Dictionaries: Everything You Need to Know

Python Dictionaries: Everything You Need to Know

Learn everything about Python dictionaries in 10 minutes or less with this complete guide for …

Object Oriented Programming With Python — Everything You Need to Know

Object Oriented Programming With Python — Everything You Need to Know

Master the concepts of Object Oriented Programming (OOP) with Python - A complete beginner …

How to Make Python Statically Typed — The Essential Guide

How to Make Python Statically Typed — The Essential Guide

Statically-typed languages are safer in the long run, but Python isn’t one of them. …

How to Send Beautiful Emails With Python — The Essential Guide

How to Send Beautiful Emails With Python — The Essential Guide

Learn to send beautiful and styled emails with Python in 10 minutes - no server required.

Python has a Built-in Database — Here’s How to use it

Python has a Built-in Database — Here’s How to use it

Learn to use Python’s built-in database in minutes with this complete guide.

24 Posts

machine-learning

Return to top
Master Machine Learning: Random Forest From Scratch With Python

Master Machine Learning: Random Forest From Scratch With Python

Do you know how Random Forests works? This article shows you all the math and code you need to …

Master Machine Learning: Decision Trees From Scratch With Python

Master Machine Learning: Decision Trees From Scratch With Python

Do you know how Decision Trees work? This article shows you all the math and code you need to …

Master Machine Learning: K Nearest Neighbors From Scratch With Python

Master Machine Learning: K Nearest Neighbors From Scratch With Python

Do you know how k-Nearest Neighbors works? This article shows you all the math and code you …

Master Machine Learning: Logistic Regression From Scratch With Python

Master Machine Learning: Logistic Regression From Scratch With Python

Do you know how logistic regression works? This article shows you all the math and code you …

Master Machine Learning: Multiple Linear Regression From Scratch With Python

Master Machine Learning: Multiple Linear Regression From Scratch With Python

Do you know how linear regression works? This article shows you all the math and code you need …

Master Machine Learning: Simple Linear Regression From Scratch With Python

Master Machine Learning: Simple Linear Regression From Scratch With Python

Do you know how linear regression works? This article shows you all the math and code you need …

3 Ways to Tune Hyperparameters of Machine Learning Models with Python

3 Ways to Tune Hyperparameters of Machine Learning Models with Python

Do you know how to tune hyperparameters of machine learning models? This article shows you 3 …

3 Essential Ways to Calculate Feature Importance in Python

3 Essential Ways to Calculate Feature Importance in Python

There are numerous ways to calculate feature importance in Python. We find these three the …

How to Make Synthetic Datasets with Python: A Complete Guide for Machine Learning

How to Make Synthetic Datasets with Python: A Complete Guide for Machine Learning

No dataset? Not a problem - create one yourself with Python. This guide teaches you how to …

Precision-Recall Curves: How to Easily Evaluate Machine Learning Models in No Time

Precision-Recall Curves: How to Easily Evaluate Machine Learning Models in No Time

Evaluating machine learning models can be easy - if you know how to read Precision-Recall …

LIME: How to Interpret Machine Learning Models With Python

LIME: How to Interpret Machine Learning Models With Python

Machine learning models don’t have to be black boxes. Read to learn about LIME - a go-to …

How to Calculate Feature Importance with SQL — The Essential Guide

How to Calculate Feature Importance with SQL — The Essential Guide

Yes, SQL can calculate feature importance for machine learning models - Learn how in 10 minutes …

Machine Learning with SQL — A Complete Guide to Regression

Machine Learning with SQL — A Complete Guide to Regression

Machine learning with SQL? Made possible with Oracle Cloud and Oracle Machine Learning. Learn …

SHAP: How to Interpret Machine Learning Models With Python

SHAP: How to Interpret Machine Learning Models With Python

Learn how to interpret machine learning models with SHAP - ditch the “black box” …

How to Use Python and MissForest Algorithm to Impute Missing Data

How to Use Python and MissForest Algorithm to Impute Missing Data

Missing data is the worst. You can use a machine learning algorithm such as Random Forest to …

How To Build and Deploy a Machine Learning Model with FastAPI

How To Build and Deploy a Machine Learning Model with FastAPI

Learn how to build and deploy machine learning models in minutes with FastAPI and Python

How to Handle Missing Data with Python and KNN

How to Handle Missing Data with Python and KNN

Missing data is a pain - learn how to impute it with Machine Learning algorithms, such as K …

Top 3 Books to Kickstart Your Machine Learning Journey

Top 3 Books to Kickstart Your Machine Learning Journey

Learn Machine Learning easily with these three books - no matter what your background is.

How to Handle Cyclical Data in Machine Learning

How to Handle Cyclical Data in Machine Learning

Cyclical data is everywhere - think date and time. Learn how to encode these values with sine …

Machine Learning With R: Logistic Regression

Machine Learning With R: Logistic Regression

Implement Logistic Regression Machine Learning algorithm in R and learn the fundamentals behind …

Machine Learning With R: Linear Regression

Machine Learning With R: Linear Regression

Machine Learning is easy in R - Learn how to implement Linear Regression algorithm in R in a …

Data Scaling for Machine Learning — The Essential Guide

Data Scaling for Machine Learning — The Essential Guide

Machine Learning needs scaled data. Learn to scale data for machine learning in this essential …

Machine Learning With SQL — It’s Easier Than You Think

Machine Learning With SQL — It’s Easier Than You Think

Training classification machine learning models with… SQL? Now made possible with Oracle …

Classification with PyCaret: A better machine learning library

Classification with PyCaret: A better machine learning library

Automate machine learning with PyCaret - a library for end-to-end machine learning automation …

20 Posts

data-engineering

Return to top
Apache Spark for Data Science - User-Defined Functions (UDF) Explained

Apache Spark for Data Science - User-Defined Functions (UDF) Explained

You find Python easier than SQL? User-Defined Functions in PySpark might be what you’re …

Apache Spark for Data Science - Hands-On Introduction to Spark SQL

Apache Spark for Data Science - Hands-On Introduction to Spark SQL

Spark SQL - From basics to Regular Expressions and User-Defined Functions (UDF) in 10 minutes - …

Apache Spark for Data Science - Word Count With Spark and NLTK

Apache Spark for Data Science - Word Count With Spark and NLTK

Learn to count words of a book and address the common stop word issue - implemented in PySpark

Apache Spark for Data Science - How to Work with Spark RDDs

Apache Spark for Data Science - How to Work with Spark RDDs

Spark is based on Resilient Distributed Datasets (RDD) - Make sure you know how to use them

Apache Spark for Data Science - How to Install and Get Started with PySpark

Apache Spark for Data Science - How to Install and Get Started with PySpark

Want to learn Apache Spark for Data Science? This guide will help you get started. Learn how to …

Apache Airflow for Data Science - How to Work with Variables

Apache Airflow for Data Science - How to Work with Variables

Hardcoding values in your Airflow DAGs is a bad practice. Learn how to use Airflow variables …

Apache Airflow for Data Science - How to Download Files from Amazon S3

Apache Airflow for Data Science - How to Download Files from Amazon S3

Learn how to download files from Amazon S3 (AWS) to your local machine with Apache Airflow and …

Apache Airflow for Data Science - How to Upload Files to Amazon S3

Apache Airflow for Data Science - How to Upload Files to Amazon S3

Learn how to setup an Amazon S3 (AWS) Bucket and how to upload files from local disk with …

Apache Airflow for Data Science - How to Work with REST APIs

Apache Airflow for Data Science - How to Work with REST APIs

Learn to work with REST APIs in Apache Airflow by utilizing HttpSensor and HttpOperator Airflow …

Apache Airflow for Data Science - How to Communicate Between Tasks with Airflow XComs

Apache Airflow for Data Science - How to Communicate Between Tasks with Airflow XComs

Learn to send and receive data between Airflow tasks with XComs, and when you shouldn’t …

Apache Airflow for Data Science - How to Run Tasks in Parallel

Apache Airflow for Data Science - How to Run Tasks in Parallel

Build a Data Pipeline (DAG) in Apache Airflow that makes four GET API requests in Parallel.

Apache Airflow for Data Science - How to Migrate Airflow Metadata DB to Postgres and Enable Parallel Execution

Apache Airflow for Data Science - How to Migrate Airflow Metadata DB to Postgres and Enable Parallel Execution

Apache Airflow doesn’t run tasks in parallel by default - but there’s an easy fix. …

Apache Airflow for Data Science - How to Work With Databases (Postgres)

Apache Airflow for Data Science - How to Work With Databases (Postgres)

Learn how to extract, transform, and load data with Airflow and Postgres database by coding a …

Apache Airflow for Data Science - How to Write Your First DAG in 10 Minutes

Apache Airflow for Data Science - How to Write Your First DAG in 10 Minutes

Apache Airflow is a common tool used by Data Engineers. Learn how to write your first data …

Stop Using Python to Aggregate Data - Use SQL Instead

Stop Using Python to Aggregate Data - Use SQL Instead

Are you using Python to extract raw data from the database? It could be a huge bottleneck in …

Apache Airflow for Data Science - How to Install Airflow Locally

Apache Airflow for Data Science - How to Install Airflow Locally

Want to learn Apache Airflow as a Data Engineer? Start by installing it locally. Go from zero …

Apache Kafka in Python: How to Stream Data With Producers and Consumers

Apache Kafka in Python: How to Stream Data With Producers and Consumers

Apache Kafka Tutorial Series 3/3 - Learn how to write Kafka Producers and Consumers in Python, …

Master the Kafka Shell in 5 Minutes — Topics, Producers, and Consumers Explained

Master the Kafka Shell in 5 Minutes — Topics, Producers, and Consumers Explained

Apache Kafka Tutorial Series 2/3 - Learn all about Kafka topics, console Producers, and …

How to Install Apache Kafka Using Docker — The Easy Way

How to Install Apache Kafka Using Docker — The Easy Way

Apache Kafka Tutorial Series 1/3 - Learn how to install Apache Kafka using Docker and how to …

Python has a Built-in Database — Here’s How to use it

Python has a Built-in Database — Here’s How to use it

Learn to use Python’s built-in database in minutes with this complete guide.

17 Posts

deep-learning

Return to top
TensorFlow for Computer Vision - Transfer Learning Made Easy

TensorFlow for Computer Vision - Transfer Learning Made Easy

What is Transfer Learning? How to implement Transfer Learning in TensorFlow? Learn all about it …

How To Install TensorFlow 2.7 on MacBook Pro M1 Pro With Ease

How To Install TensorFlow 2.7 on MacBook Pro M1 Pro With Ease

Learn how to install TensorFlow on Apple’s new M1 Pro and M1 chips with GPU support, and …

TensorFlow for Computer Vision - How To Increase Model Accuracy With Data Augmentation

TensorFlow for Computer Vision - How To Increase Model Accuracy With Data Augmentation

Do you want to train highly accurate TensorFlow models? Try Data Augmentation - a blazing fast …

TensorFlow for Computer Vision — Does a More Complex Architecture Guarantee a Better Model?

TensorFlow for Computer Vision — Does a More Complex Architecture Guarantee a Better Model?

More complex neural network architecture doesn’t guarantee a better model. Where’s …

TensorFlow for Computer Vision — How to Implement Pooling From Scratch in Python

TensorFlow for Computer Vision — How to Implement Pooling From Scratch in Python

Do you know what a pooling layer in TensorFlow does to a neural network? Read a complete guide …

TensorFlow for Computer Vision — How to Implement Convolutions From Scratch in Python

TensorFlow for Computer Vision — How to Implement Convolutions From Scratch in Python

Do you really know how convolutions work in TensorFlow? Here’s a complete guide to …

TensorFlow for Computer Vision — How to Train Image Classifier with Convolutional Neural Networks

TensorFlow for Computer Vision — How to Train Image Classifier with Convolutional Neural Networks

Artificial neural networks are amazing, but not for image data. That’s where …

TensorFlow for Computer Vision — How to Train Image Classifier with Artificial Neural Networks

TensorFlow for Computer Vision — How to Train Image Classifier with Artificial Neural Networks

Training image classifiers with artificial neural networks in TensorFlow isn’t a good …

TensorFlow for Computer Vision — Top 3 Prerequisites for Deep Learning Projects

TensorFlow for Computer Vision — Top 3 Prerequisites for Deep Learning Projects

Do you want to train a neural network for image classification with TensorFlow? Make sure to do …

How to Write Custom TensorFlow Callbacks — The Easy Way

How to Write Custom TensorFlow Callbacks — The Easy Way

TensorFlow Series #7 - Do you find built-in TensorFlow callbacks limiting? You can write your …

TensorFlow Callbacks — How to Monitor Neural Network Training Like a Pro

TensorFlow Callbacks — How to Monitor Neural Network Training Like a Pro

TensorFlow Series #6 - Learn how to monitor neural network model training with TensorFlow …

How to Find Optimal Neural Network Architecture with TensorFlow — The Easy Way

How to Find Optimal Neural Network Architecture with TensorFlow — The Easy Way

TensorFlow Series #5 - Learn how to find the optimal neural network architecture by …

How to Optimize Learning Rate with TensorFlow — It’s Easier Than You Think

How to Optimize Learning Rate with TensorFlow — It’s Easier Than You Think

TensorFlow Series #4 - Learn how to optimize learning rate and why it’s important to …

How to Train a Classification Model with TensorFlow in 10 Minutes

How to Train a Classification Model with TensorFlow in 10 Minutes

TensorFlow Series #3 - Learn how to preprocess a classification dataset and train a …

Regression Modelling with TensorFlow Made Easy — Train Your First Model in 10 Minutes

Regression Modelling with TensorFlow Made Easy — Train Your First Model in 10 Minutes

TensorFlow Series #2 - Learn how to prepare and model regression datasets.

The Easiest Guide to Installing TensorFlow 2.5 on M1 Macs

The Easiest Guide to Installing TensorFlow 2.5 on M1 Macs

TensorFlow Series #1 - Learn how to install TensorFlow 2.5+ on Apple’s M1 chip.

How to Detect License Plates with Python and YOLO

How to Detect License Plates with Python and YOLO

Stop using traditional computer vision models - Use YOLO instead. Here’s how to detect …

16 Posts

tensorflow

Return to top
TensorFlow for Computer Vision - Transfer Learning Made Easy

TensorFlow for Computer Vision - Transfer Learning Made Easy

What is Transfer Learning? How to implement Transfer Learning in TensorFlow? Learn all about it …

How To Install TensorFlow 2.7 on MacBook Pro M1 Pro With Ease

How To Install TensorFlow 2.7 on MacBook Pro M1 Pro With Ease

Learn how to install TensorFlow on Apple’s new M1 Pro and M1 chips with GPU support, and …

TensorFlow for Computer Vision - How To Increase Model Accuracy With Data Augmentation

TensorFlow for Computer Vision - How To Increase Model Accuracy With Data Augmentation

Do you want to train highly accurate TensorFlow models? Try Data Augmentation - a blazing fast …

TensorFlow for Computer Vision — Does a More Complex Architecture Guarantee a Better Model?

TensorFlow for Computer Vision — Does a More Complex Architecture Guarantee a Better Model?

More complex neural network architecture doesn’t guarantee a better model. Where’s …

TensorFlow for Computer Vision — How to Implement Pooling From Scratch in Python

TensorFlow for Computer Vision — How to Implement Pooling From Scratch in Python

Do you know what a pooling layer in TensorFlow does to a neural network? Read a complete guide …

TensorFlow for Computer Vision — How to Implement Convolutions From Scratch in Python

TensorFlow for Computer Vision — How to Implement Convolutions From Scratch in Python

Do you really know how convolutions work in TensorFlow? Here’s a complete guide to …

TensorFlow for Computer Vision — How to Train Image Classifier with Convolutional Neural Networks

TensorFlow for Computer Vision — How to Train Image Classifier with Convolutional Neural Networks

Artificial neural networks are amazing, but not for image data. That’s where …

TensorFlow for Computer Vision — How to Train Image Classifier with Artificial Neural Networks

TensorFlow for Computer Vision — How to Train Image Classifier with Artificial Neural Networks

Training image classifiers with artificial neural networks in TensorFlow isn’t a good …

TensorFlow for Computer Vision — Top 3 Prerequisites for Deep Learning Projects

TensorFlow for Computer Vision — Top 3 Prerequisites for Deep Learning Projects

Do you want to train a neural network for image classification with TensorFlow? Make sure to do …

How to Write Custom TensorFlow Callbacks — The Easy Way

How to Write Custom TensorFlow Callbacks — The Easy Way

TensorFlow Series #7 - Do you find built-in TensorFlow callbacks limiting? You can write your …

TensorFlow Callbacks — How to Monitor Neural Network Training Like a Pro

TensorFlow Callbacks — How to Monitor Neural Network Training Like a Pro

TensorFlow Series #6 - Learn how to monitor neural network model training with TensorFlow …

How to Find Optimal Neural Network Architecture with TensorFlow — The Easy Way

How to Find Optimal Neural Network Architecture with TensorFlow — The Easy Way

TensorFlow Series #5 - Learn how to find the optimal neural network architecture by …

How to Optimize Learning Rate with TensorFlow — It’s Easier Than You Think

How to Optimize Learning Rate with TensorFlow — It’s Easier Than You Think

TensorFlow Series #4 - Learn how to optimize learning rate and why it’s important to …

How to Train a Classification Model with TensorFlow in 10 Minutes

How to Train a Classification Model with TensorFlow in 10 Minutes

TensorFlow Series #3 - Learn how to preprocess a classification dataset and train a …

Regression Modelling with TensorFlow Made Easy — Train Your First Model in 10 Minutes

Regression Modelling with TensorFlow Made Easy — Train Your First Model in 10 Minutes

TensorFlow Series #2 - Learn how to prepare and model regression datasets.

The Easiest Guide to Installing TensorFlow 2.5 on M1 Macs

The Easiest Guide to Installing TensorFlow 2.5 on M1 Macs

TensorFlow Series #1 - Learn how to install TensorFlow 2.5+ on Apple’s M1 chip.

13 Posts

pandas

Return to top
Pandas DataFrame to List: 5 Ways How to Convert a DataFrame to a Python List

Pandas DataFrame to List: 5 Ways How to Convert a DataFrame to a Python List

Learn how to convert Pandas DataFrame to List and when & why this might be useful for data …

Pandas Add Column to DataFrame: 7 Ways to Add Columns to a Pandas DataFrame

Pandas Add Column to DataFrame: 7 Ways to Add Columns to a Pandas DataFrame

Learn how to add one or more columns to a Pandas DataFrame with this hands-on guide.

Pandas Add Row to DataFrame: 3 Ways to Add Rows to a Pandas DataFrame

Pandas Add Row to DataFrame: 3 Ways to Add Rows to a Pandas DataFrame

Learn how to add one or more rows to a Pandas DataFrame with this hands-on guide.

Numpy Array to Pandas DataFrame: 3 Ways to Convert a Numpy Array to DataFrame in Python

Numpy Array to Pandas DataFrame: 3 Ways to Convert a Numpy Array to DataFrame in Python

Learn how to convert a Numpy array to a Pandas DataFrame - Either a 1D or 2D Numpy array, all …

Pandas Dictionary to DataFrame: 5 Ways to Convert Dictionary to DataFrame in Python

Pandas Dictionary to DataFrame: 5 Ways to Convert Dictionary to DataFrame in Python

Learn how to convert a Python dictionary to a Pandas DataFrame - Easy, but a must-know …

MitoAI - Combine ChatGPT and Pandas to Increase Data Science Productivity

MitoAI - Combine ChatGPT and Pandas to Increase Data Science Productivity

Wait, ChatGPT and Pandas? Yup, you can now generate Pandas code by writing plain text prompts.

Pandas List to DataFrame: 5 Ways to Convert List to DataFrame in Python

Pandas List to DataFrame: 5 Ways to Convert List to DataFrame in Python

Learn how to convert a Python list to a Pandas DataFrame - Easy, but must-know methodology for …

What is a Pandas DataFrame? Getting Started with Pandas Data Structures

What is a Pandas DataFrame? Getting Started with Pandas Data Structures

What is a Pandas DataFrame? How to create Pandas DataFrame from list or dict? How to add …

ModuleNotFoundError: No Module Named 'Pandas' - Easy Solution in Python

ModuleNotFoundError: No Module Named 'Pandas' - Easy Solution in Python

Want to install Pandas but keep getting ModuleNotFoundError - No Module Named Pandas error? …

How to Install Pandas Specific Version - With Pip and Anaconda

How to Install Pandas Specific Version - With Pip and Anaconda

Want to install the development version of Pandas? Or just a specific version from the past? …

How to Install Pandas with Pip and Anaconda - Globally and Inside a Virtual Environment

How to Install Pandas with Pip and Anaconda - Globally and Inside a Virtual Environment

Want to get started with Pandas? Let’s install it first. This article shows you how to …

Top 10 Books to Learn Pandas in 2023 and Beyond - Editor's Pick

Top 10 Books to Learn Pandas in 2023 and Beyond - Editor's Pick

What are your options if you want to learn Pandas in 2023? We bring you top 10 books to learn …

How to Style Pandas DataFrames Like a Pro

How to Style Pandas DataFrames Like a Pro

Do your Pandas DataFrames look dull? Add some styles! This article teaches you to Style Pandas …

11 Posts

apple-silicon

Return to top
Does Laptop Matter for Data Science? Old ThinkPad vs. New MacBook Pro Compared

Does Laptop Matter for Data Science? Old ThinkPad vs. New MacBook Pro Compared

Pandas and TensorFlow benchmarks on Intel i3-6100U vs. M1 Pro MacBook Pro - Up to 50X slower? …

MacBook M1 Pro 16" vs. Custom PC With RTX3060Ti - Close Call

MacBook M1 Pro 16" vs. Custom PC With RTX3060Ti - Close Call

$2499 beast from Apple vs. $1300 PC with dedicated GPU - Which one is better for TensorFlow and …

MacBook M1 vs. Custom PC With RTX3060Ti - Which is Better for Data Science?

MacBook M1 vs. Custom PC With RTX3060Ti - Which is Better for Data Science?

Apple’s $1299 thin and light laptop vs. custom desktop PC for data science and deep …

MacBook M1 Pro vs. Google Colab for Data Science - Should You Buy the Latest from Apple?

MacBook M1 Pro vs. Google Colab for Data Science - Should You Buy the Latest from Apple?

$2499 laptop (M1 Pro) vs. entirely free Google Colab for data science and machine learning? …

MacBook M1 vs. Google Colab for Data Science - Unexpected Results

MacBook M1 vs. Google Colab for Data Science - Unexpected Results

Expensive laptop (M1 MacBook Pro) vs. entirely free Google Colab for data science and machine …

MacBook M1 vs. M1 Pro for Data Science - Is The New Chip Radically Better?

MacBook M1 vs. M1 Pro for Data Science - Is The New Chip Radically Better?

How much better is the new M1 Pro chip for data science? Find out in this M1 vs M1 Pro …

How To Install TensorFlow 2.7 on MacBook Pro M1 Pro With Ease

How To Install TensorFlow 2.7 on MacBook Pro M1 Pro With Ease

Learn how to install TensorFlow on Apple’s new M1 Pro and M1 chips with GPU support, and …

The Easiest Guide to Installing TensorFlow 2.5 on M1 Macs

The Easiest Guide to Installing TensorFlow 2.5 on M1 Macs

TensorFlow Series #1 - Learn how to install TensorFlow 2.5+ on Apple’s M1 chip.

Top 3 Reasons Why I Sold My M1 Macbook Pro as a Data Scientist

Top 3 Reasons Why I Sold My M1 Macbook Pro as a Data Scientist

Apple M1 Chip will get you 90% there in early 2021. Is 90% enough? As it turns out - NO - and …

Are The New M1 Macbooks Any Good for Deep Learning? Let’s Find Out

Are The New M1 Macbooks Any Good for Deep Learning? Let’s Find Out

M1 Macbook Pro vs. Google Colab for basic deep learning tasks - MNIST, Fashion-MNIST, and …

Are The New M1 Macbooks Any Good for Data Science? Let’s Find Out

Are The New M1 Macbooks Any Good for Data Science? Let’s Find Out

Macbook M1 for Data Science? Comparison with Intel Macbook Pro in Python, Numpy, Pandas, and …

11 Posts

data-science

Return to top
How Does Data Science Help in Air/Railways Reservation Systems?

How Does Data Science Help in Air/Railways Reservation Systems?

Learn how does Data Science Help in Air and Railway Reservation systems.

Top 5 Ridiculously Better CSV Alternatives

Top 5 Ridiculously Better CSV Alternatives

CSV files for big data storage? Think twice - there are better options around the block. These …

3 Reasons Why You Shouldn't Become a Data Scientist

3 Reasons Why You Shouldn't Become a Data Scientist

Data Science is fun, but is it a career path you should choose? Think twice if any of these 3 …

How to Style Pandas DataFrames Like a Pro

How to Style Pandas DataFrames Like a Pro

Do your Pandas DataFrames look dull? Add some styles! This article teaches you to Style Pandas …

Top 5 Books to Learn Data Science in 2023 For Complete Beginners

Top 5 Books to Learn Data Science in 2023 For Complete Beginners

You got the basics covered and now you want to learn data science? Here are 5 excellent books …

5 Best Books to Learn Data Science Prerequisites - A Complete Beginner Guide

5 Best Books to Learn Data Science Prerequisites - A Complete Beginner Guide

Want to learn data science but math and programming hold you back? We understand. Read these 5 …

Can Blogging About Data Science Really Get You Hired as a Data Scientist?

Can Blogging About Data Science Really Get You Hired as a Data Scientist?

Spoiler alert - yes, blogging about data science can really get you hired in the industry. Be …

How to Export and Load Anaconda Environments for Data Science Projects

How to Export and Load Anaconda Environments for Data Science Projects

Did you know you can export and share Anaconda environments? It boils down to a single Terminal …

A Data Scientist Guide to Income Diversification

A Data Scientist Guide to Income Diversification

Data Scientists are smart - but does the intelligence translate to finance? Here are 5 ways to …

Time Series Forecasting With SQL — It’s Easier Than You Think

Time Series Forecasting With SQL — It’s Easier Than You Think

Time Series forecasting and prediction with… SQL? Made possible with Oracle Cloud and …

Top 5 Statistical Concepts Every Data Scientist Must Know

Top 5 Statistical Concepts Every Data Scientist Must Know

Data science is based on statistics and probability. These are the five concepts from …

10 Posts

airflow

Return to top
Apache Airflow for Data Science - How to Work with Variables

Apache Airflow for Data Science - How to Work with Variables

Hardcoding values in your Airflow DAGs is a bad practice. Learn how to use Airflow variables …

Apache Airflow for Data Science - How to Download Files from Amazon S3

Apache Airflow for Data Science - How to Download Files from Amazon S3

Learn how to download files from Amazon S3 (AWS) to your local machine with Apache Airflow and …

Apache Airflow for Data Science - How to Upload Files to Amazon S3

Apache Airflow for Data Science - How to Upload Files to Amazon S3

Learn how to setup an Amazon S3 (AWS) Bucket and how to upload files from local disk with …

Apache Airflow for Data Science - How to Work with REST APIs

Apache Airflow for Data Science - How to Work with REST APIs

Learn to work with REST APIs in Apache Airflow by utilizing HttpSensor and HttpOperator Airflow …

Apache Airflow for Data Science - How to Communicate Between Tasks with Airflow XComs

Apache Airflow for Data Science - How to Communicate Between Tasks with Airflow XComs

Learn to send and receive data between Airflow tasks with XComs, and when you shouldn’t …

Apache Airflow for Data Science - How to Run Tasks in Parallel

Apache Airflow for Data Science - How to Run Tasks in Parallel

Build a Data Pipeline (DAG) in Apache Airflow that makes four GET API requests in Parallel.

Apache Airflow for Data Science - How to Migrate Airflow Metadata DB to Postgres and Enable Parallel Execution

Apache Airflow for Data Science - How to Migrate Airflow Metadata DB to Postgres and Enable Parallel Execution

Apache Airflow doesn’t run tasks in parallel by default - but there’s an easy fix. …

Apache Airflow for Data Science - How to Work With Databases (Postgres)

Apache Airflow for Data Science - How to Work With Databases (Postgres)

Learn how to extract, transform, and load data with Airflow and Postgres database by coding a …

Apache Airflow for Data Science - How to Write Your First DAG in 10 Minutes

Apache Airflow for Data Science - How to Write Your First DAG in 10 Minutes

Apache Airflow is a common tool used by Data Engineers. Learn how to write your first data …

Apache Airflow for Data Science - How to Install Airflow Locally

Apache Airflow for Data Science - How to Install Airflow Locally

Want to learn Apache Airflow as a Data Engineer? Start by installing it locally. Go from zero …

10 Posts

hardware

Return to top
Does Laptop Matter for Data Science? Old ThinkPad vs. New MacBook Pro Compared

Does Laptop Matter for Data Science? Old ThinkPad vs. New MacBook Pro Compared

Pandas and TensorFlow benchmarks on Intel i3-6100U vs. M1 Pro MacBook Pro - Up to 50X slower? …

Google Colab vs. RTX3060Ti - Is a Dedicated GPU Better for Deep Learning?

Google Colab vs. RTX3060Ti - Is a Dedicated GPU Better for Deep Learning?

NVIDIA RTX3060Ti dedicated GPU vs. a completely free environment - Which is better for …

MacBook M1 Pro 16" vs. Custom PC With RTX3060Ti - Close Call

MacBook M1 Pro 16" vs. Custom PC With RTX3060Ti - Close Call

$2499 beast from Apple vs. $1300 PC with dedicated GPU - Which one is better for TensorFlow and …

MacBook M1 vs. Custom PC With RTX3060Ti - Which is Better for Data Science?

MacBook M1 vs. Custom PC With RTX3060Ti - Which is Better for Data Science?

Apple’s $1299 thin and light laptop vs. custom desktop PC for data science and deep …

MacBook M1 Pro vs. Google Colab for Data Science - Should You Buy the Latest from Apple?

MacBook M1 Pro vs. Google Colab for Data Science - Should You Buy the Latest from Apple?

$2499 laptop (M1 Pro) vs. entirely free Google Colab for data science and machine learning? …

MacBook M1 vs. Google Colab for Data Science - Unexpected Results

MacBook M1 vs. Google Colab for Data Science - Unexpected Results

Expensive laptop (M1 MacBook Pro) vs. entirely free Google Colab for data science and machine …

MacBook M1 vs. M1 Pro for Data Science - Is The New Chip Radically Better?

MacBook M1 vs. M1 Pro for Data Science - Is The New Chip Radically Better?

How much better is the new M1 Pro chip for data science? Find out in this M1 vs M1 Pro …

Top 3 Reasons Why I Sold My M1 Macbook Pro as a Data Scientist

Top 3 Reasons Why I Sold My M1 Macbook Pro as a Data Scientist

Apple M1 Chip will get you 90% there in early 2021. Is 90% enough? As it turns out - NO - and …

Are The New M1 Macbooks Any Good for Deep Learning? Let’s Find Out

Are The New M1 Macbooks Any Good for Deep Learning? Let’s Find Out

M1 Macbook Pro vs. Google Colab for basic deep learning tasks - MNIST, Fashion-MNIST, and …

Are The New M1 Macbooks Any Good for Data Science? Let’s Find Out

Are The New M1 Macbooks Any Good for Data Science? Let’s Find Out

Macbook M1 for Data Science? Comparison with Intel Macbook Pro in Python, Numpy, Pandas, and …

6 Posts

databases

Return to top
Stop Using Python to Aggregate Data - Use SQL Instead

Stop Using Python to Aggregate Data - Use SQL Instead

Are you using Python to extract raw data from the database? It could be a huge bottleneck in …

How to Calculate Feature Importance with SQL — The Essential Guide

How to Calculate Feature Importance with SQL — The Essential Guide

Yes, SQL can calculate feature importance for machine learning models - Learn how in 10 minutes …

Machine Learning with SQL — A Complete Guide to Regression

Machine Learning with SQL — A Complete Guide to Regression

Machine learning with SQL? Made possible with Oracle Cloud and Oracle Machine Learning. Learn …

Develop Database Driven REST API with Python in 10 Minutes

Develop Database Driven REST API with Python in 10 Minutes

REST APIs are a must-know concept for Data Scientists. Build your first database-drive REST API …

Python has a Built-in Database — Here’s How to use it

Python has a Built-in Database — Here’s How to use it

Learn to use Python’s built-in database in minutes with this complete guide.

Machine Learning With SQL — It’s Easier Than You Think

Machine Learning With SQL — It’s Easier Than You Think

Training classification machine learning models with… SQL? Now made possible with Oracle …

6 Posts

machine-learning-from-scratch

Return to top
Master Machine Learning: Random Forest From Scratch With Python

Master Machine Learning: Random Forest From Scratch With Python

Do you know how Random Forests works? This article shows you all the math and code you need to …

Master Machine Learning: Decision Trees From Scratch With Python

Master Machine Learning: Decision Trees From Scratch With Python

Do you know how Decision Trees work? This article shows you all the math and code you need to …

Master Machine Learning: K Nearest Neighbors From Scratch With Python

Master Machine Learning: K Nearest Neighbors From Scratch With Python

Do you know how k-Nearest Neighbors works? This article shows you all the math and code you …

Master Machine Learning: Logistic Regression From Scratch With Python

Master Machine Learning: Logistic Regression From Scratch With Python

Do you know how logistic regression works? This article shows you all the math and code you …

Master Machine Learning: Multiple Linear Regression From Scratch With Python

Master Machine Learning: Multiple Linear Regression From Scratch With Python

Do you know how linear regression works? This article shows you all the math and code you need …

Master Machine Learning: Simple Linear Regression From Scratch With Python

Master Machine Learning: Simple Linear Regression From Scratch With Python

Do you know how linear regression works? This article shows you all the math and code you need …

5 Posts

data-science-for-cycling

Return to top
Data Science for Cycling - How to Visualize Gradient Ranges of a GPX Route

Data Science for Cycling - How to Visualize Gradient Ranges of a GPX Route

Part 5/6 - Learn to visualize gradient ranges of a route. By doing so, you’ll know how …

Data Science For Cycling - How to Calculate Route Gradients From a Strava GPX File

Data Science For Cycling - How to Calculate Route Gradients From a Strava GPX File

Part 4/6 - Learn how to calculate and visualize route gradients from a Strava GPX file in …

Data Science For Cycling - How to Calculate Elevation Difference and Distance From Strava GPX Route

Data Science For Cycling - How to Calculate Elevation Difference and Distance From Strava GPX Route

Part 3/6 - Learn how to calculate the elevation difference and distance between points in a GPX …

Data Science For Cycling - How to Visualize GPX Strava Routes With Python and Folium

Data Science For Cycling - How to Visualize GPX Strava Routes With Python and Folium

Part 2/6 - Learn how to visualize GPX Strava routes with Python and Folium - Draw Strava routes …

Data Science For Cycling — How To Read GPX Strava Routes With Python

Data Science For Cycling — How To Read GPX Strava Routes With Python

Data Science for Cycling Part 1/6 - Learn what GPX file format is, how to explore it, and …

5 Posts

data-visualization

Return to top
Top 3 Matplotlib Tips - How To Style Your Charts Like a Pro

Top 3 Matplotlib Tips - How To Style Your Charts Like a Pro

Matplotlib visualizations don’t have to be an eyesore - Leverage these 3 tips to make …

How to Use Custom Fonts with Matplotlib — In 5 Minutes or Less

How to Use Custom Fonts with Matplotlib — In 5 Minutes or Less

Matplotlib and custom fonts? It’s easier than it seems. Here’s a complete …

How to Make Stunning Radar Charts with Python — Implemented in Matplotlib and Plotly

How to Make Stunning Radar Charts with Python — Implemented in Matplotlib and Plotly

Learn to easily visualize data beyond the 2nd dimension with Radar Charts — implemented in both …

Step-By-Step Guide to ECDFs — A Robust Histogram Replacement

Step-By-Step Guide to ECDFs — A Robust Histogram Replacement

Ditch the binning bias of histograms once and for all - use ECDF plots instead - a complete …

Matplotlib vs. ggplot2: Which to Choose for 2020 and Beyond?

Matplotlib vs. ggplot2: Which to Choose for 2020 and Beyond?

R vs. Python? ggplot2 vs. Matplotlib? Which data visualization library is the best for 2022 and …

5 Posts

gpx

Return to top
Data Science for Cycling - How to Visualize Gradient Ranges of a GPX Route

Data Science for Cycling - How to Visualize Gradient Ranges of a GPX Route

Part 5/6 - Learn to visualize gradient ranges of a route. By doing so, you’ll know how …

Data Science For Cycling - How to Calculate Route Gradients From a Strava GPX File

Data Science For Cycling - How to Calculate Route Gradients From a Strava GPX File

Part 4/6 - Learn how to calculate and visualize route gradients from a Strava GPX file in …

Data Science For Cycling - How to Calculate Elevation Difference and Distance From Strava GPX Route

Data Science For Cycling - How to Calculate Elevation Difference and Distance From Strava GPX Route

Part 3/6 - Learn how to calculate the elevation difference and distance between points in a GPX …

Data Science For Cycling - How to Visualize GPX Strava Routes With Python and Folium

Data Science For Cycling - How to Visualize GPX Strava Routes With Python and Folium

Part 2/6 - Learn how to visualize GPX Strava routes with Python and Folium - Draw Strava routes …

Data Science For Cycling — How To Read GPX Strava Routes With Python

Data Science For Cycling — How To Read GPX Strava Routes With Python

Data Science for Cycling Part 1/6 - Learn what GPX file format is, how to explore it, and …

5 Posts

matplotlib

Return to top
Top 3 Matplotlib Tips - How To Style Your Charts Like a Pro

Top 3 Matplotlib Tips - How To Style Your Charts Like a Pro

Matplotlib visualizations don’t have to be an eyesore - Leverage these 3 tips to make …

How to Use Custom Fonts with Matplotlib — In 5 Minutes or Less

How to Use Custom Fonts with Matplotlib — In 5 Minutes or Less

Matplotlib and custom fonts? It’s easier than it seems. Here’s a complete …

How to Make Stunning Radar Charts with Python — Implemented in Matplotlib and Plotly

How to Make Stunning Radar Charts with Python — Implemented in Matplotlib and Plotly

Learn to easily visualize data beyond the 2nd dimension with Radar Charts — implemented in both …

Step-By-Step Guide to ECDFs — A Robust Histogram Replacement

Step-By-Step Guide to ECDFs — A Robust Histogram Replacement

Ditch the binning bias of histograms once and for all - use ECDF plots instead - a complete …

Matplotlib vs. ggplot2: Which to Choose for 2020 and Beyond?

Matplotlib vs. ggplot2: Which to Choose for 2020 and Beyond?

R vs. Python? ggplot2 vs. Matplotlib? Which data visualization library is the best for 2022 and …

5 Posts

r

Return to top
Range in R: How to Find Min and Max Values Using the Range Function

Range in R: How to Find Min and Max Values Using the Range Function

Do you know how to find values within a range in R? This article shows you 7 hands-on examples …

A Step-By-Step Guide To Web Scraping With R

A Step-By-Step Guide To Web Scraping With R

Web scraping… with R? Made possible with the rvest R package. Learn how to scrape …

Machine Learning With R: Logistic Regression

Machine Learning With R: Logistic Regression

Implement Logistic Regression Machine Learning algorithm in R and learn the fundamentals behind …

Machine Learning With R: Linear Regression

Machine Learning With R: Linear Regression

Machine Learning is easy in R - Learn how to implement Linear Regression algorithm in R in a …

Trying R for the First Time

Trying R for the First Time

I’ve tried the R programming language for the first time - How bad was it?

5 Posts

spark

Return to top
Apache Spark for Data Science - User-Defined Functions (UDF) Explained

Apache Spark for Data Science - User-Defined Functions (UDF) Explained

You find Python easier than SQL? User-Defined Functions in PySpark might be what you’re …

Apache Spark for Data Science - Hands-On Introduction to Spark SQL

Apache Spark for Data Science - Hands-On Introduction to Spark SQL

Spark SQL - From basics to Regular Expressions and User-Defined Functions (UDF) in 10 minutes - …

Apache Spark for Data Science - Word Count With Spark and NLTK

Apache Spark for Data Science - Word Count With Spark and NLTK

Learn to count words of a book and address the common stop word issue - implemented in PySpark

Apache Spark for Data Science - How to Work with Spark RDDs

Apache Spark for Data Science - How to Work with Spark RDDs

Spark is based on Resilient Distributed Datasets (RDD) - Make sure you know how to use them

Apache Spark for Data Science - How to Install and Get Started with PySpark

Apache Spark for Data Science - How to Install and Get Started with PySpark

Want to learn Apache Spark for Data Science? This guide will help you get started. Learn how to …

4 Posts

chatgpt

Return to top
MitoAI - Combine ChatGPT and Pandas to Increase Data Science Productivity

MitoAI - Combine ChatGPT and Pandas to Increase Data Science Productivity

Wait, ChatGPT and Pandas? Yup, you can now generate Pandas code by writing plain text prompts.

GPT4All - How to Run a ChatGPT Alternative For Free in Your Python Scripts

GPT4All - How to Run a ChatGPT Alternative For Free in Your Python Scripts

Is GPT4All a viable free ChatGPT alternative? Here’s how to run GPT4All locally in your …

GPT4All - How to Run a ChatGPT Alternative For Free on Your PC or Mac

GPT4All - How to Run a ChatGPT Alternative For Free on Your PC or Mac

Is GPT4All worth your time? Here’s how to run GPT4All locally on your PC - or even an M1 …

ChatGPT - Are Data Science Jobs Now Obsolete?

ChatGPT - Are Data Science Jobs Now Obsolete?

I asked ChatGPT to do 5 things, from explaining a formula to creating a neural network model. …

4 Posts

data-preparation

Return to top
How to Use Python and MissForest Algorithm to Impute Missing Data

How to Use Python and MissForest Algorithm to Impute Missing Data

Missing data is the worst. You can use a machine learning algorithm such as Random Forest to …

How to Handle Missing Data with Python and KNN

How to Handle Missing Data with Python and KNN

Missing data is a pain - learn how to impute it with Machine Learning algorithms, such as K …

How to Handle Cyclical Data in Machine Learning

How to Handle Cyclical Data in Machine Learning

Cyclical data is everywhere - think date and time. Learn how to encode these values with sine …

Data Scaling for Machine Learning — The Essential Guide

Data Scaling for Machine Learning — The Essential Guide

Machine Learning needs scaled data. Learn to scale data for machine learning in this essential …

4 Posts

docker

Return to top
Apache Kafka in Python: How to Stream Data With Producers and Consumers

Apache Kafka in Python: How to Stream Data With Producers and Consumers

Apache Kafka Tutorial Series 3/3 - Learn how to write Kafka Producers and Consumers in Python, …

Master the Kafka Shell in 5 Minutes — Topics, Producers, and Consumers Explained

Master the Kafka Shell in 5 Minutes — Topics, Producers, and Consumers Explained

Apache Kafka Tutorial Series 2/3 - Learn all about Kafka topics, console Producers, and …

How to Install Apache Kafka Using Docker — The Easy Way

How to Install Apache Kafka Using Docker — The Easy Way

Apache Kafka Tutorial Series 1/3 - Learn how to install Apache Kafka using Docker and how to …

Here’s Why You Should Learn Docker as a Data Scientist

Here’s Why You Should Learn Docker as a Data Scientist

Docker is a must-learn technology for Data Scientists - Here’s how to build your first …

4 Posts

google-colab

Return to top
Google Colab vs. RTX3060Ti - Is a Dedicated GPU Better for Deep Learning?

Google Colab vs. RTX3060Ti - Is a Dedicated GPU Better for Deep Learning?

NVIDIA RTX3060Ti dedicated GPU vs. a completely free environment - Which is better for …

MacBook M1 Pro vs. Google Colab for Data Science - Should You Buy the Latest from Apple?

MacBook M1 Pro vs. Google Colab for Data Science - Should You Buy the Latest from Apple?

$2499 laptop (M1 Pro) vs. entirely free Google Colab for data science and machine learning? …

MacBook M1 vs. Google Colab for Data Science - Unexpected Results

MacBook M1 vs. Google Colab for Data Science - Unexpected Results

Expensive laptop (M1 MacBook Pro) vs. entirely free Google Colab for data science and machine …

Are The New M1 Macbooks Any Good for Deep Learning? Let’s Find Out

Are The New M1 Macbooks Any Good for Deep Learning? Let’s Find Out

M1 Macbook Pro vs. Google Colab for basic deep learning tasks - MNIST, Fashion-MNIST, and …

4 Posts

learn-data-science

Return to top
Top 10 Books to Learn Pandas in 2023 and Beyond - Editor's Pick

Top 10 Books to Learn Pandas in 2023 and Beyond - Editor's Pick

What are your options if you want to learn Pandas in 2023? We bring you top 10 books to learn …

Top 5 Books to Learn Data Science in 2023 For Complete Beginners

Top 5 Books to Learn Data Science in 2023 For Complete Beginners

You got the basics covered and now you want to learn data science? Here are 5 excellent books …

5 Best Books to Learn Data Science Prerequisites - A Complete Beginner Guide

5 Best Books to Learn Data Science Prerequisites - A Complete Beginner Guide

Want to learn data science but math and programming hold you back? We understand. Read these 5 …

Top 3 Books to Kickstart Your Machine Learning Journey

Top 3 Books to Kickstart Your Machine Learning Journey

Learn Machine Learning easily with these three books - no matter what your background is.

4 Posts

sql

Return to top
Stop Using Python to Aggregate Data - Use SQL Instead

Stop Using Python to Aggregate Data - Use SQL Instead

Are you using Python to extract raw data from the database? It could be a huge bottleneck in …

How to Calculate Feature Importance with SQL — The Essential Guide

How to Calculate Feature Importance with SQL — The Essential Guide

Yes, SQL can calculate feature importance for machine learning models - Learn how in 10 minutes …

Machine Learning with SQL — A Complete Guide to Regression

Machine Learning with SQL — A Complete Guide to Regression

Machine learning with SQL? Made possible with Oracle Cloud and Oracle Machine Learning. Learn …

Machine Learning With SQL — It’s Easier Than You Think

Machine Learning With SQL — It’s Easier Than You Think

Training classification machine learning models with… SQL? Now made possible with Oracle …

3 Posts

deployment

Return to top
Here’s Why You Should Learn Docker as a Data Scientist

Here’s Why You Should Learn Docker as a Data Scientist

Docker is a must-learn technology for Data Scientists - Here’s how to build your first …

How To Build and Deploy a Machine Learning Model with FastAPI

How To Build and Deploy a Machine Learning Model with FastAPI

Learn how to build and deploy machine learning models in minutes with FastAPI and Python

Develop Database Driven REST API with Python in 10 Minutes

Develop Database Driven REST API with Python in 10 Minutes

REST APIs are a must-know concept for Data Scientists. Build your first database-drive REST API …

3 Posts

gpu

Return to top
Google Colab vs. RTX3060Ti - Is a Dedicated GPU Better for Deep Learning?

Google Colab vs. RTX3060Ti - Is a Dedicated GPU Better for Deep Learning?

NVIDIA RTX3060Ti dedicated GPU vs. a completely free environment - Which is better for …

MacBook M1 Pro 16" vs. Custom PC With RTX3060Ti - Close Call

MacBook M1 Pro 16" vs. Custom PC With RTX3060Ti - Close Call

$2499 beast from Apple vs. $1300 PC with dedicated GPU - Which one is better for TensorFlow and …

MacBook M1 vs. Custom PC With RTX3060Ti - Which is Better for Data Science?

MacBook M1 vs. Custom PC With RTX3060Ti - Which is Better for Data Science?

Apple’s $1299 thin and light laptop vs. custom desktop PC for data science and deep …

3 Posts

kafka

Return to top
Apache Kafka in Python: How to Stream Data With Producers and Consumers

Apache Kafka in Python: How to Stream Data With Producers and Consumers

Apache Kafka Tutorial Series 3/3 - Learn how to write Kafka Producers and Consumers in Python, …

Master the Kafka Shell in 5 Minutes — Topics, Producers, and Consumers Explained

Master the Kafka Shell in 5 Minutes — Topics, Producers, and Consumers Explained

Apache Kafka Tutorial Series 2/3 - Learn all about Kafka topics, console Producers, and …

How to Install Apache Kafka Using Docker — The Easy Way

How to Install Apache Kafka Using Docker — The Easy Way

Apache Kafka Tutorial Series 1/3 - Learn how to install Apache Kafka using Docker and how to …

3 Posts

opinions

Return to top
3 Reasons Why You Shouldn't Become a Data Scientist

3 Reasons Why You Shouldn't Become a Data Scientist

Data Science is fun, but is it a career path you should choose? Think twice if any of these 3 …

Can Blogging About Data Science Really Get You Hired as a Data Scientist?

Can Blogging About Data Science Really Get You Hired as a Data Scientist?

Spoiler alert - yes, blogging about data science can really get you hired in the industry. Be …

A Data Scientist Guide to Income Diversification

A Data Scientist Guide to Income Diversification

Data Scientists are smart - but does the intelligence translate to finance? Here are 5 ways to …

3 Posts

pytorch

Return to top
Introduction to Classification with ANNs - PyTorch for Beginners #3

Introduction to Classification with ANNs - PyTorch for Beginners #3

Learn how to train classification models with PyTorch on simple data - and how to find a good …

Introduction to Regression with ANNs - PyTorch for Beginners #2

Introduction to Regression with ANNs - PyTorch for Beginners #2

Learn how to train regression models with PyTorch on simple data - and why overfitting is the …

How to Install PyTorch 2+ (Apple M1 Included) - PyTorch for Beginners #1

How to Install PyTorch 2+ (Apple M1 Included) - PyTorch for Beginners #1

Learn how to install PyTorch 2.0 or later locally with GPU/MPS support - and test the …

2 Posts

explainable-machine-learning

Return to top
LIME: How to Interpret Machine Learning Models With Python

LIME: How to Interpret Machine Learning Models With Python

Machine learning models don’t have to be black boxes. Read to learn about LIME - a go-to …

SHAP: How to Interpret Machine Learning Models With Python

SHAP: How to Interpret Machine Learning Models With Python

Learn how to interpret machine learning models with SHAP - ditch the “black box” …

1 Post

anaconda

Return to top
How to Export and Load Anaconda Environments for Data Science Projects

How to Export and Load Anaconda Environments for Data Science Projects

Did you know you can export and share Anaconda environments? It boils down to a single Terminal …

1 Post

dask

Return to top
Dask Delayed — How to Parallelize Your Python Code With Ease

Dask Delayed — How to Parallelize Your Python Code With Ease

Python and GIL - Problem no more! Yes, you can execute Python code in parallel with Dask …

1 Post

data-visaulization

Return to top
Precision-Recall Curves: How to Easily Evaluate Machine Learning Models in No Time

Precision-Recall Curves: How to Easily Evaluate Machine Learning Models in No Time

Evaluating machine learning models can be easy - if you know how to read Precision-Recall …

1 Post

fastapi

Return to top
How To Build and Deploy a Machine Learning Model with FastAPI

How To Build and Deploy a Machine Learning Model with FastAPI

Learn how to build and deploy machine learning models in minutes with FastAPI and Python

1 Post

file-formats

Return to top
Top 5 Ridiculously Better CSV Alternatives

Top 5 Ridiculously Better CSV Alternatives

CSV files for big data storage? Think twice - there are better options around the block. These …

1 Post

flask

Return to top
Develop Database Driven REST API with Python in 10 Minutes

Develop Database Driven REST API with Python in 10 Minutes

REST APIs are a must-know concept for Data Scientists. Build your first database-drive REST API …

1 Post

ggplot2

Return to top
Matplotlib vs. ggplot2: Which to Choose for 2020 and Beyond?

Matplotlib vs. ggplot2: Which to Choose for 2020 and Beyond?

R vs. Python? ggplot2 vs. Matplotlib? Which data visualization library is the best for 2022 and …

1 Post

numpy

Return to top
np.stack() - How To Stack two Arrays in Numpy And Python

np.stack() - How To Stack two Arrays in Numpy And Python

Beginner and advanced examples of Stacking in Numpy - Learn how to join a sequence of arrays …

1 Post

oml

Return to top
Machine Learning With SQL — It’s Easier Than You Think

Machine Learning With SQL — It’s Easier Than You Think

Training classification machine learning models with… SQL? Now made possible with Oracle …

1 Post

pip

Return to top
Pip Install Specific Version - How to Install a Specific Python Package Version with Pip

Pip Install Specific Version - How to Install a Specific Python Package Version with Pip

Want to install a specific Python package version with Pip? This article will show you how with …

1 Post

plotly

Return to top
How to Make Stunning Radar Charts with Python — Implemented in Matplotlib and Plotly

How to Make Stunning Radar Charts with Python — Implemented in Matplotlib and Plotly

Learn to easily visualize data beyond the 2nd dimension with Radar Charts — implemented in both …

1 Post

pycaret

Return to top
Classification with PyCaret: A better machine learning library

Classification with PyCaret: A better machine learning library

Automate machine learning with PyCaret - a library for end-to-end machine learning automation …

1 Post

pyscript

Return to top
Introducing PyScript - How to Run Python in Your Browser

Introducing PyScript - How to Run Python in Your Browser

You can now run Python in your browser with PyScript - Learn the basics and code two pages from …

1 Post

python-errors

Return to top
ModuleNotFoundError: No Module Named Pycocotools - 7 Solutions in Python

ModuleNotFoundError: No Module Named Pycocotools - 7 Solutions in Python

Learn how to solve Python ModuleNotFoundError: No module named Pycocotools with in-depth …

1 Post

statistics

Return to top
Top 5 Statistical Concepts Every Data Scientist Must Know

Top 5 Statistical Concepts Every Data Scientist Must Know

Data science is based on statistics and probability. These are the five concepts from …

1 Post

time-series

Return to top
Time Series Forecasting With SQL — It’s Easier Than You Think

Time Series Forecasting With SQL — It’s Easier Than You Think

Time Series forecasting and prediction with… SQL? Made possible with Oracle Cloud and …

1 Post

yolo

Return to top
How to Detect License Plates with Python and YOLO

How to Detect License Plates with Python and YOLO

Stop using traditional computer vision models - Use YOLO instead. Here’s how to detect …