Python
Python
Master
Intermediate → Advance
*Disclaimer*
Everyone learns uniquely.
1
Day 1
2
:/ Given a CSV file with data about customers (features) and
their churn status (target), train a Logistic Regression
classifier
/ Implement a program that uses Scikit-Learn to train a k-
nearest neighbors (KNN) classifier on a dataset
/ Write a Python program that uses Scikit-Learn to train a
Random Forest classifier on a dataset
/ Create a function that takes a Pandas DataFrame and trains
a Gaussian Naive Bayes classifier on the data
/ Given a CSV file with data about student scores (features)
and their grades (target), train a Support Vector Machine
(SVM) classifier
/ Implement a program that uses Scikit-Learn to train a
Gradient Boosting classifier on a dataset
/ Write a Python program that uses Scikit-Learn to train a
Multilayer Perceptron (MLP) classifier on a dataset
/ Create a function that takes a Pandas DataFrame and trains
a Quadratic Discriminant Analysis (QDA) classifier on the
data
/ Given a CSV file with data about housing prices (features)
and their labels (target), train a Decision Tree classifier
: / Implement a program that uses Scikit-Learn to train a
Stochastic Gradient Descent (SGD) classifier on a dataset.
3
Day 2
4
7. Given a CSV file with data about house prices (features) and
their sale prices (target), train a Linear Regression model
. Implement a program that uses Scikit-Learn to train a Ridge
Regression model on a dataset
. Write a Python program that uses Scikit-Learn to train a
Lasso Regression model on a dataset
. Create a function that takes a Pandas DataFrame and trains
a Random Forest Regressor on the data
. Given a CSV file with data about car features (features) and
their prices (target), train a Decision Tree Regressor
. Implement a program that uses Scikit-Learn to train a
Gradient Boosting Regressor on a dataset
. Write a Python program that uses Scikit-Learn to train a K-
Nearest Neighbors (KNN) Regressor on a dataset
. Create a function that takes a Pandas DataFrame and trains
a Support Vector Regression (SVR) model on the data
. Given a CSV file with data about stock prices (features) and
their future prices (target), train a Neural Network
Regressor
7 . Implement a program that uses Scikit-Learn to train a
Random Forest Regressor with hyperparameter tuning
using Grid Search.
5
Day 3
6
0 Given a CSV file with data about customer purchases
(features), perform K-Means clustering on the data
0 Implement a program that uses Scikit-Learn to perform
Hierarchical clustering on a dataset
40 Write a Python program that uses Scikit-Learn to perform
DBSCAN clustering on a dataset
0 Create a function that takes a Pandas DataFrame and
performs K-Means clustering with different numbers of
clusters
0 Given a CSV file with data about student performance
(features), perform Agglomerative clustering on the data
0 Implement a program that uses Scikit-Learn to perform
Spectral clustering on a dataset
0 Write a Python program that uses Scikit-Learn to perform
Affinity Propagation clustering on a dataset
0 Create a function that takes a Pandas DataFrame and
performs Mini-Batch K-Means clustering on the data
0 Given a CSV file with data about credit card transactions
(features), perform DBSCAN clustering with different
hyperparameters
0 Implement a program that uses Scikit-Learn to perform
Mean Shift clustering on a dataset.
7
Day 4
8
:/ Given a CSV file with data about customer transactions
(features), perform PCA on the data
/ Implement a program that uses Scikit-Learn to perform t-
SNE on a dataset
3/ Write a Python program that uses Scikit-Learn to perform
LLE (Locally Linear Embedding) on a dataset
/ Create a function that takes a Pandas DataFrame and
performs SVD on the data
/ Given a CSV file with data about images (features),
perform PCA with different numbers of components
/ Implement a program that uses Scikit-Learn to perform
Isomap on a dataset
/ Write a Python program that uses Scikit-Learn to perform
NMF (Non-Negative Matrix Factorization) on a dataset
/ Create a function that takes a Pandas DataFrame and
performs Kernel PCA on the data
/ Given a CSV file with data about gene expression
(features), perform t-SNE with different perplexity values
: / Implement a program that uses Scikit-Learn to perform
MDS (Multi-Dimensional Scaling) on a dataset.
9
Day 5
10
6+ Given a CSV file with data about customer churn
(features) and their churn status (target), evaluate a
classification model using accuracy
+ Implement a program that uses Scikit-Learn to evaluate a
regression model using mean squared error
+ Write a Python program that uses cross-validation to
evaluate a Support Vector Machine (SVM) classifier
+ Create a function that takes a Pandas DataFrame and
evaluates a Random Forest classifier using F1-score
+ Given a CSV file with data about house prices (features)
and their sale prices (target), evaluate a regression model
using R-squared score
+ Implement a program that uses Scikit-Learn to evaluate a
K-Nearest Neighbors (KNN) classifier using precision and
recall
+ Write a Python program that uses cross-validation to
evaluate a Decision Tree Regressor using mean absolute
error.
11
Create a function that takes a Pandas DataFrame and
evaluates a Gradient Boosting classifier using ROC-AUC
score
0 Given a CSV file with data about student scores (features)
and their grades (target), evaluate a regression model
using root mean squared error
Implement a program that uses Scikit-Learn to evaluate a
Naive Bayes classifier using confusion matrix and
classification report.
12
Day 6
13
5) Given a CSV file with data about customer behavior
(features), create a Neural Network using Keras for binary
classification
) Implement a program that uses Keras to train a Neural
Network for multiclass classification on a dataset
) Write a Python program that uses Keras to create a Deep
Neural Network for regression on a dataset
) Create a function that takes a Pandas DataFrame and
trains a Neural Network with multiple hidden layers using
Keras
) Given a CSV file with image data (features) and
corresponding labels (target), create a Convolutional
Neural Network (CNN) using Keras
) Implement a program that uses Keras to create a
Recurrent Neural Network (RNN) for sequence data
classification on a dataset
) Write a Python program that uses Keras to create a Long
Short-Term Memory (LSTM) network for time series
prediction.
14
%* Create a function that takes a Pandas DataFrame and
trains a GAN (Generative Adversarial Network) using
Keras for image generation
15
Day 7
16
)' Given a text file with multiple sentences, tokenize the
sentences and words using NLTK
' Implement a program that uses NLTK to remove
punctuation marks from a document
.' Write a Python program that uses NLTK to perform
stemming on a document
' Create a function that takes a Pandas DataFrame and
removes special characters from a text column using
NLTK
' Given a text file with multiple paragraphs, tokenize the
paragraphs using NLTK
' Implement a program that uses NLTK to convert all words
in a document to their base or root form (lemmatization)
' Write a Python program that uses NLTK to count the
frequency of each word in a document
#' Create a function that takes a Pandas DataFrame and
performs named entity recognition on a text column using
NLTK
' Given a text file with multiple sentences, tokenize the
sentences and remove numbers using NLTK
) ' Implement a program that uses NLTK to perform part-of-
speech tagging on a document.
17
Day 8
18
/ Given a CSV file with text data and corresponding
sentiment labels, perform sentiment analysis using NLTK
/ Implement a program that uses Scikit-Learn to perform
text classification using TF-IDF vectorization
1/ Write a Python program that uses spaCy to perform
named entity recognition on a text document
/ Create a function that takes a Pandas DataFrame and uses
spaCy to extract noun phrases from a text column
/ Given a text file with multiple paragraphs, extract the most
important keywords using TF-IDF and Scikit-Learn
/ Implement a program that uses spaCy to perform
dependency parsing on a text document
/ Write a Python program that uses Scikit-Learn to train a
text classification model using word embeddings (e.g.,
Word2Vec)
%/ Create a function that takes a Pandas DataFrame and
performs text summarization using NLTK or spaCy
/ Given a text file with multiple sentences, identify the
language of each sentence using NLTK
/ Implement a program that uses Scikit-Learn to perform
topic modeling on a text document using Latent Dirichlet
Allocation (LDA).
19
Day 9
20
2. Scrape data from a website and save it as a CSV file
. Implement a program that scrapes product details (name,
price, description) from an e-commerce website
(. Write a Python program that scrapes news headlines and
summaries from a news website
. Create a function that scrapes job listings (title, company,
location) from a job portal website
. Scrape data from a website and store it in a JSON file
. Implement a program that scrapes weather data
(temperature, humidity, wind speed) from a weather
website
. Write a Python program that scrapes stock market data
(stock symbols, prices, volumes) from a financial website
. Create a function that scrapes movie details (title, genre,
release date) from a movie database website
. Scrape data from a website and store it in a SQLite
database
2 . Implement a program that scrapes recipe details (name,
ingredients, instructions) from a cooking website.
21
Day 10
22
/) Make a GET request to an API and extract specific data
from the response
) Implement a program that makes multiple API requests
and saves the data in a CSV file
&) Write a Python program that uses authentication to make
a POST request to an API
) Create a function that retrieves weather data
(temperature, humidity, description) from a weather API
) Make a GET request to a financial API and extract stock
market data (stock symbols, prices, volumes)
#) Implement a program that uses pagination in API requests
to collect data from multiple pages
) Write a Python program that fetches movie details (title,
genre, release date) from a movie database API
) Create a function that retrieves data (name, address,
phone number) of restaurants from a restaurant API
) Make a GET request to a social media API and extract
user data (username, followers, posts)
/ ) Implement a program that fetches book details (title,
author, publication date) from a book database API.
23
Day 11
24
," Create a line plot to visualize the trend of temperature over
a week
" Implement a program that creates a bar plot to compare the
sales of different products
" Write a Python program that uses Seaborn to create a
scatter plot to show the relationship between two variables
" Create a function that generates a pie chart to represent
the distribution of different categories
" Make a subplot with two line plots to compare the
performance of two teams over time
" Implement a program that uses Seaborn to create a
heatmap to visualize the correlation between features in a
dataset
" Write a Python program that uses Matplotlib to create a
histogram to show the distribution of exam scores
" Create a function that generates a box plot to compare the
distribution of data across different groups
" Make a subplot with a line plot and a bar plot to visualize
both the trend and the comparison of values
," Implement a program that uses Seaborn to create a pair
plot to visualize the relationships between multiple
variables in a dataset.
25
Day 12
26
( Create an interactive line plot to visualize the trend of
temperature over a week with Plotly
Implement a program that creates an interactive bar plot
to compare the sales of different products using Plotly
Express
Write a Python program that uses Plotly to create an
interactive scatter plot to show the relationship between
two variables
Create a function that generates an interactive pie chart
to represent the distribution of different categories using
Plotly
Make an interactive subplot with two line plots to
compare the performance of two teams over time with
Plotly
Implement a program that uses Plotly to create an
interactive heatmap to visualize the correlation between
features in a dataset
Write a Python program that uses Plotly to create an
interactive histogram to show the distribution of exam
scores.
27
Create a function that generates an interactive box plot to
compare the distribution of data across different groups
using Plotly
28
Day 13
29
(% Read time series data from a CSV file and plot it using
Matplotlib
% Implement a program that calculates and plots the rolling
mean of a time series using Pandas
% Write a Python program that uses Pandas to resample
time series data to a lower frequency (e.g., from daily to
weekly)
% Create a function that generates a seasonal
decomposition plot for a time series using Pandas and
Matplotlib
% Calculate and plot the autocorrelation and partial
autocorrelation of a time series using Pandas and
Matplotlib
% Implement a program that uses Pandas to calculate and
plot the trend, seasonality, and residuals of a time series
"% Write a Python program that uses Pandas to calculate the
moving average of a time series and plot it using
Matplotlib.
30
! Create a function that generates a time series
decomposition using seasonal decomposition of time
series (STL) in Python
! Calculate and plot the autocorrelation and partial
autocorrelation functions of a time series using Pandas
and Matplotlib
! Implement a program that uses Pandas to detect and
remove outliers in a time series and visualize the results
using Matplotlib.
31
Day 14
32
-+ Drop missing values from a DataFrame and save the
cleaned data to a new CSV file
+ Implement a program that removes duplicate rows from a
DataFrame and visualizes the cleaned data
.+ Write a Python program that uses Pandas to fill missing
values in a DataFrame with the mean or median of the
column
#+ Create a function that merges two DataFrames based on a
common key and saves the merged data to a new CSV file
+ Merge two DataFrames using an outer join and handle
missing values appropriately
+ Implement a program that renames columns in a DataFrame
to make them more descriptive and meaningful
+ Write a Python program that uses Pandas to convert
categorical variables into numerical values using one-hot
encoding
0+ Create a function that aggregates data in a DataFrame to
calculate summary statistics for different groups
+ Aggregate data in a DataFrame to calculate the mean,
median, and standard deviation for each group
- + Implement a program that performs data transformation in
a DataFrame, such as scaling numerical features or applying
log transformation.
33
Day 15
34
Choose a real-world dataset of interest and download it
data wrangling
to the dataset
hyperparameter tuning)
35
Choose a dataset and import it into your Python
environment
concise manner
your learnings.
36
Why
Bosscoder?
750+ Alumni placed at Top
Product-based companies.
Explore More