Data Science Machine Learning Data Analysis
37.1K subscribers
1.27K photos
27 videos
39 files
1.24K links
This channel is for Programmers, Coders, Software Engineers.

1- Data Science
2- Machine Learning
3- Data Visualization
4- Artificial Intelligence
5- Data Analysis
6- Statistics
7- Deep Learning

Cross promotion and ads: @hussein_sheikho
Download Telegram
Topic: RNN (Recurrent Neural Networks) – Part 2 of 4: Types of RNNs and Architectural Variants

---

1. Vanilla RNN – Limitations

• Standard (vanilla) RNNs suffer from vanishing gradients and short-term memory.

• As sequences get longer, it becomes difficult for the model to retain long-term dependencies.

---

2. Types of RNN Architectures

One-to-One
Example: Image Classification
A single input and a single output.

One-to-Many
Example: Image Captioning
A single input leads to a sequence of outputs.

Many-to-One
Example: Sentiment Analysis
A sequence of inputs gives one output (e.g., sentiment score).

Many-to-Many
Example: Machine Translation
A sequence of inputs maps to a sequence of outputs.

---

3. Bidirectional RNNs (BiRNNs)

• Process the input sequence in both forward and backward directions.

• Allow the model to understand context from both past and future.

nn.RNN(input_size, hidden_size, bidirectional=True)


---

4. Deep RNNs (Stacked RNNs)

• Multiple RNN layers stacked on top of each other.

• Capture more complex temporal patterns.

nn.RNN(input_size, hidden_size, num_layers=2)


---

5. RNN with Different Output Strategies

Last Hidden State Only:
Use the final output for classification/regression.

All Hidden States:
Use all time-step outputs, useful in sequence-to-sequence models.

---

6. Example: Many-to-One RNN in PyTorch

import torch.nn as nn

class SentimentRNN(nn.Module):
def __init__(self, input_size, hidden_size, output_size):
super(SentimentRNN, self).__init__()
self.rnn = nn.RNN(input_size, hidden_size, num_layers=1, batch_first=True)
self.fc = nn.Linear(hidden_size, output_size)

def forward(self, x):
out, _ = self.rnn(x)
final_out = out[:, -1, :] # Get the last time-step output
return self.fc(final_out)


---

7. Summary

• RNNs can be adapted for different tasks: one-to-many, many-to-one, etc.

Bidirectional and stacked RNNs enhance performance by capturing richer patterns.

• It's important to choose the right architecture based on the sequence problem.

---

Exercise

• Modify the RNN model to use bidirectional layers and evaluate its performance on a text classification dataset.

---

#RNN #BidirectionalRNN #DeepLearning #TimeSeries #NLP

https://t.iss.one/DataScienceM
🔥2
Topic: RNN (Recurrent Neural Networks) – Part 3 of 4: LSTM and GRU – Solving the Vanishing Gradient Problem

---

1. Problem with Vanilla RNNs

• Vanilla RNNs struggle with long-term dependencies due to the vanishing gradient problem.

• They forget early parts of the sequence as it grows longer.

---

2. LSTM (Long Short-Term Memory)

LSTM networks introduce gates to control what information is kept, updated, or forgotten over time.

• Components:

* Forget Gate: Decides what to forget
* Input Gate: Decides what to store
* Output Gate: Decides what to output

• Equations (simplified):

f_t = σ(W_f · [h_{t-1}, x_t] + b_f)  
i_t = σ(W_i · [h_{t-1}, x_t] + b_i)
o_t = σ(W_o · [h_{t-1}, x_t] + b_o)
C̃_t = tanh(W_C · [h_{t-1}, x_t] + b_C)
C_t = f_t * C_{t-1} + i_t * C̃_t
h_t = o_t * tanh(C_t)


---

3. GRU (Gated Recurrent Unit)

• A simplified version of LSTM with fewer gates:

* Update Gate
* Reset Gate

• More computationally efficient than LSTM while achieving similar results.

---

4. LSTM/GRU in PyTorch

import torch.nn as nn

class LSTMModel(nn.Module):
def __init__(self, input_size, hidden_size, output_size):
super(LSTMModel, self).__init__()
self.lstm = nn.LSTM(input_size, hidden_size, batch_first=True)
self.fc = nn.Linear(hidden_size, output_size)

def forward(self, x):
out, (h_n, _) = self.lstm(x)
return self.fc(h_n[-1])


---

5. When to Use LSTM vs GRU

| Aspect | LSTM | GRU |
| ---------- | --------------- | --------------- |
| Accuracy | Often higher | Slightly lower |
| Speed | Slower | Faster |
| Complexity | More gates | Fewer gates |
| Memory | More memory use | Less memory use |

---

6. Real-Life Use Cases

LSTM – Language translation, speech recognition, medical time-series

GRU – Real-time prediction systems, where speed matters

---

Summary

LSTM and GRU solve RNN's vanishing gradient issue.

• LSTM is more powerful; GRU is faster and lighter.

• Both are crucial for sequence modeling tasks with long dependencies.

---

Exercise

• Build two models (LSTM and GRU) on the same dataset (e.g., sentiment analysis) and compare accuracy and training time.

---

#RNN #LSTM #GRU #DeepLearning #SequenceModeling

https://t.iss.one/DataScienceM
👍1👎1
Topic: RNN (Recurrent Neural Networks) – Part 4 of 4: Advanced Techniques, Training Tips, and Real-World Use Cases

---

1. Advanced RNN Variants

Bidirectional LSTM/GRU: Processes the sequence in both forward and backward directions, improving context understanding.

Stacked RNNs: Uses multiple layers of RNNs to capture complex patterns at different levels of abstraction.

nn.LSTM(input_size, hidden_size, num_layers=2, bidirectional=True)


---

2. Sequence-to-Sequence (Seq2Seq) Models

• Used in tasks like machine translation, chatbots, and text summarization.

• Consist of two RNNs:

* Encoder: Converts input sequence to a context vector
* Decoder: Generates output sequence from the context

---

3. Attention Mechanism

• Solves the bottleneck of relying only on the final hidden state in Seq2Seq.

• Allows the decoder to focus on relevant parts of the input sequence at each step.

---

4. Best Practices for Training RNNs

Gradient Clipping: Prevents exploding gradients by limiting their values.

torch.nn.utils.clip_grad_norm_(model.parameters(), max_norm=1.0)


Batching with Padding: Sequences in a batch must be padded to equal length.

Packed Sequences: Efficient way to handle variable-length sequences in PyTorch.

packed_input = nn.utils.rnn.pack_padded_sequence(input, lengths, batch_first=True)


---

5. Real-World Use Cases of RNNs

Speech Recognition – Converting audio into text.

Language Modeling – Predicting the next word in a sequence.

Financial Forecasting – Predicting stock prices or sales trends.

Healthcare – Predicting patient outcomes based on sequential medical records.

---

6. Combining RNNs with Other Models

• RNNs can be combined with CNNs for tasks like video classification (CNN for spatial, RNN for temporal features).

• Used with transformers in hybrid models for specialized NLP tasks.

---

Summary

• Advanced RNN techniques like attention, bidirectionality, and stacked layers make RNNs powerful for complex tasks.

• Proper training strategies like gradient clipping and sequence packing are essential for performance.

---

Exercise

• Build a Seq2Seq model with attention for English-to-French translation using an LSTM encoder-decoder in PyTorch.

---

#RNN #Seq2Seq #Attention #DeepLearning #NLP

https://t.iss.one/DataScience4M
Topic: 25 Important RNN (Recurrent Neural Networks) Interview Questions with Answers

---

1. What is an RNN?
An RNN is a neural network designed to handle sequential data by maintaining a hidden state that captures information about previous elements in the sequence.

---

2. How does an RNN differ from a traditional feedforward neural network?
RNNs have loops allowing information to persist, while feedforward networks process inputs independently without memory.

---

3. What is the vanishing gradient problem in RNNs?
It occurs when gradients become too small during backpropagation, making it difficult to learn long-term dependencies.

---

4. How is the hidden state in an RNN updated?
The hidden state is updated at each time step using the current input and the previous hidden state.

---

5. What are common applications of RNNs?
Text generation, machine translation, speech recognition, sentiment analysis, and time-series forecasting.

---

6. What are the limitations of vanilla RNNs?
They struggle with long sequences due to vanishing gradients and cannot effectively capture long-term dependencies.

---

7. What is an LSTM?
A type of RNN designed to remember long-term dependencies using memory cells and gates.

---

8. What is a GRU?
A Gated Recurrent Unit is a simplified version of LSTM with fewer gates, making it faster and more efficient.

---

9. What are the components of an LSTM?
Forget gate, input gate, output gate, and cell state.

---

10. What is a bidirectional RNN?
An RNN that processes input in both forward and backward directions to capture context from both ends.

---

11. What is teacher forcing in RNN training?
It’s a training technique where the actual output is passed as the next input during training, improving convergence.

---

12. What is a sequence-to-sequence model?
A model consisting of an encoder and decoder RNN used for tasks like translation and summarization.

---

13. What is attention in RNNs?
A mechanism that helps the model focus on relevant parts of the input sequence when generating output.

---

14. What is gradient clipping and why is it used?
It's a technique to prevent exploding gradients by limiting the gradient values during backpropagation.

---

15. What’s the difference between using the final hidden state vs. all hidden states?
Final hidden state is used for classification, while all hidden states are used for sequence generation tasks.

---

16. How do you handle variable-length sequences in RNNs?
By padding sequences to equal length and optionally using packed sequences in frameworks like PyTorch.

---

17. What is the role of the hidden size in an RNN?
It determines the dimensionality of the hidden state vector and affects model capacity.

---

18. How do you prevent overfitting in RNNs?
Using dropout, early stopping, regularization, and data augmentation.

---

19. Can RNNs be used for real-time predictions?
Yes, especially GRUs due to their efficiency and lower latency.

---

20. What is the time complexity of an RNN?
It is generally O(T × H²), where T is sequence length and H is hidden size.

---

21. What are packed sequences in PyTorch?
A way to efficiently process variable-length sequences without wasting computation on padding.

---

22. How does backpropagation through time (BPTT) work?
It’s a variant of backpropagation used to train RNNs by unrolling the network through time steps.

---

23. Can RNNs process non-sequential data?
While possible, they are not optimal for non-sequential tasks; CNNs or FFNs are better suited.

---

24. What’s the impact of increasing sequence length in RNNs?
It makes training harder due to vanishing gradients and higher memory usage.

---

25. When would you choose LSTM over GRU?
When long-term dependency modeling is critical and training time is less of a concern.

---

#RNN #LSTM #GRU #DeepLearning #InterviewQuestions

https://t.iss.one/DataScienceM
4
Topic: Python SciPy – From Easy to Top: Part 1 of 6: Introduction and Basics

---

1. What is SciPy?

SciPy is an open-source Python library used for scientific and technical computing.

• Built on top of NumPy, it provides many user-friendly and efficient numerical routines such as routines for numerical integration, optimization, interpolation, eigenvalue problems, algebraic equations, and others.

---

2. Installing SciPy

If you don’t have SciPy installed yet, use:

pip install scipy


---

3. Importing SciPy Modules

SciPy is organized into sub-packages for different tasks. Example:

import scipy.integrate
import scipy.optimize
import scipy.linalg


---

4. Key SciPy Sub-packages

scipy.integrate — Numerical integration and ODE solvers.
scipy.optimize — Optimization and root finding.
scipy.linalg — Linear algebra routines (more advanced than NumPy’s).
scipy.signal — Signal processing.
scipy.fft — Fast Fourier Transforms.
scipy.stats — Statistical functions.

---

5. Basic Example: Numerical Integration

Calculate the integral of sin(x) from 0 to pi:

import numpy as np
from scipy import integrate

result, error = integrate.quad(np.sin, 0, np.pi)
print("Integral of sin(x) from 0 to pi:", result)


---

6. Basic Example: Root Finding

Find the root of the function f(x) = x^2 - 4:

from scipy import optimize

def f(x):
return x**2 - 4

root = optimize.root_scalar(f, bracket=[0, 3])
print("Root:", root.root)


---

7. SciPy vs NumPy

• NumPy focuses on basic array operations and linear algebra.

• SciPy extends functionality with advanced scientific algorithms.

---

8. Summary

• SciPy is essential for scientific computing in Python.

• It contains many specialized sub-packages.

• Understanding SciPy’s structure helps solve complex numerical problems easily.

---

Exercise

• Calculate the integral of e^(-x^2) from -infinity to +infinity using scipy.integrate.quad.

• Find the root of cos(x) - x = 0 using scipy.optimize.root_scalar.

---

#Python #SciPy #ScientificComputing #NumericalIntegration #Optimization

https://t.iss.one/DataScienceM
3
Topic: Python SciPy – From Easy to Top: Part 2 of 6: Numerical Integration and Differentiation

---

1. Numerical Integration Overview

• Numerical integration approximates the area under curves when an exact solution is difficult or impossible.

• SciPy provides several methods like quad, dblquad, and trapz.

---

2. Using `scipy.integrate.quad`

This function computes the definite integral of a function of one variable.

Example: Integrate cos(x) from 0 to pi divided by 2

import numpy as np
from scipy import integrate

result, error = integrate.quad(np.cos, 0, np.pi/2)
print("Integral of cos(x) from 0 to pi/2:", result)


---

3. Double Integration with `dblquad`

Integrate a function of two variables over a rectangular region.

Example: Integrate f(x, y) = x times y over x from 0 to 1, y from 0 to 2

def f(x, y):
return x * y

result, error = integrate.dblquad(f, 0, 1, lambda x: 0, lambda x: 2)
print("Double integral result:", result)


---

4. Using the Trapezoidal Rule: `trapz`

Useful for integrating discrete data points.

Example:

import numpy as np
from scipy import integrate

x = np.linspace(0, np.pi, 100)
y = np.sin(x)

area = integrate.trapz(y, x)
print("Approximate integral using trapz:", area)


---

5. Numerical Differentiation with `derivative`

SciPy’s derivative function approximates the derivative of a function at a point.

Example: Derivative of sin(x) at x equals pi divided by 4

from scipy.misc import derivative
import numpy as np

def f(x):
return np.sin(x)

dx = derivative(f, np.pi/4, dx=1e-6)
print("Derivative of sin(x) at pi/4:", dx)


---

6. Limitations of `derivative`

derivative uses finite difference methods, which can be noisy for non-smooth functions.

• Suitable for simple derivative calculations but not for complex cases.

---

7. Summary

quad is powerful for one-dimensional definite integrals.

dblquad handles two-variable integration.

trapz approximates integration from sampled data.

derivative provides numerical differentiation.

---

Exercise

• Compute the integral of e to the power of negative x squared from 0 to 1 using quad.

• Calculate the derivative of cos(x) at 0.

• Use trapz to approximate the integral of x squared over \[0, 5] using 50 points.

---

#Python #SciPy #NumericalIntegration #Differentiation #ScientificComputing

https://t.iss.one/DataScienceM
5
Topic: Python SciPy – From Easy to Top: Part 3 of 6: Optimization Basics

---

1. What is Optimization?

• Optimization is the process of finding the minimum or maximum of a function.

• SciPy provides tools to solve these problems efficiently.

---

2. Using `scipy.optimize.minimize`

This function minimizes a scalar function of one or more variables.

Example: Minimize the function f(x) = (x - 3)^2

from scipy import optimize

def f(x):
return (x - 3)**2

result = optimize.minimize(f, x0=0)
print("Minimum value:", result.fun)
print("At x =", result.x)


---

**3. Minimizing Multivariable Functions**

Example: Minimize f(x, y) = (x - 2)^2 + (y + 3)^2

def f(vars):
x, y = vars
return (x - 2)**2 + (y + 3)**2

result = optimize.minimize(f, x0=[0, 0])
print("Minimum value:", result.fun)
print("At x, y =", result.x)


---

**4. Using Bounds and Constraints**

You can restrict the variables within bounds or constraints.

Example: Minimize f(x) = (x - 3)^2 with x between 0 and 5

result = optimize.minimize(f, x0=0, bounds=[(0, 5)])
print("Minimum with bounds:", result.fun)
print("At x =", result.x)


---

5. Root Finding with `optimize.root_scalar`

Find a root of a scalar function.

Example: Find root of f(x) = x^3 - 1 between 0 and 2

def f(x):
return x**3 - 1

root = optimize.root_scalar(f, bracket=[0, 2])
print("Root:", root.root)


---

6. Summary

• SciPy’s optimization tools help find minima, maxima, and roots.

• Supports single and multivariable problems with constraints.

---

Exercise

• Minimize the function f(x) = x^4 - 3x^3 + 2 over the range \[-2, 3].

• Find the root of f(x) = cos(x) - x near x=1.

---

#Python #SciPy #Optimization #RootFinding #ScientificComputing

https://t.iss.one/DataScienceM
3
Topic: Python SciPy – From Easy to Top: Part 4 of 6: Linear Algebra with SciPy

---

1. Introduction to Linear Algebra in SciPy

• Linear algebra is fundamental in scientific computing, machine learning, and data science.

• SciPy provides advanced linear algebra routines built on top of LAPACK and BLAS libraries.

• The main sub-package is scipy.linalg which extends NumPy’s linear algebra capabilities.

---

2. Basic Matrix Operations

You can create matrices using NumPy arrays:

import numpy as np

A = np.array([[1, 2], [3, 4]])
B = np.array([[5, 6], [7, 8]])


---

3. Matrix Addition and Multiplication

# Addition
C = A + B
print("Matrix Addition:\n", C)

# Element-wise Multiplication
D = A * B
print("Element-wise Multiplication:\n", D)

# Matrix Multiplication
E = np.dot(A, B)
print("Matrix Multiplication:\n", E)


---

4. Using `scipy.linalg` for Advanced Operations

Import SciPy linear algebra module:

from scipy import linalg


---

5. Matrix Inverse

Calculate the inverse of a matrix (if invertible):

inv_A = linalg.inv(A)
print("Inverse of A:\n", inv_A)


---

6. Determinant

Calculate the determinant:

det_A = linalg.det(A)
print("Determinant of A:", det_A)


---

7. Eigenvalues and Eigenvectors

Find eigenvalues and eigenvectors:

eigvals, eigvecs = linalg.eig(A)
print("Eigenvalues:\n", eigvals)
print("Eigenvectors:\n", eigvecs)


---

8. Solving Linear Systems

Solve Ax = b where b is a vector:

b = np.array([5, 11])
x = linalg.solve(A, b)
print("Solution x:\n", x)


---

9. Singular Value Decomposition (SVD)

Decompose matrix A into U, Σ, and V^T:

U, s, VT = linalg.svd(A)
print("U matrix:\n", U)
print("Singular values:", s)
print("V^T matrix:\n", VT)


---

10. LU Decomposition

Decompose matrix A into lower and upper triangular matrices:

P, L, U = linalg.lu(A)
print("P matrix:\n", P)
print("L matrix:\n", L)
print("U matrix:\n", U)


---

11. QR Decomposition

Factorize A into Q and R matrices:

Q, R = linalg.qr(A)
print("Q matrix:\n", Q)
print("R matrix:\n", R)


---

12. Norms of Vectors and Matrices

Calculate different norms:

# Vector norm
v = np.array([1, -2, 3])
norm_v = linalg.norm(v)
print("Vector norm:", norm_v)

# Matrix norm (Frobenius norm)
norm_A = linalg.norm(A, 'fro')
print("Matrix Frobenius norm:", norm_A)


---

13. Checking if a Matrix is Positive Definite

Try Cholesky decomposition:

try:
L = linalg.cholesky(A)
print("Matrix is positive definite")
except linalg.LinAlgError:
print("Matrix is not positive definite")


---

14. Summary

• SciPy’s linalg module provides extensive linear algebra tools beyond NumPy.

• Operations include inverse, determinant, eigenvalues, decompositions, and solving linear systems.

• These tools are essential for many scientific and engineering problems.

---

Exercise

• Compute the eigenvalues and eigenvectors of the matrix \[\[4, 2], \[1, 3]].

• Solve the system of equations represented by:

  2x + 3y = 8

  5x + 4y = 13

• Perform SVD on the matrix \[\[1, 0], \[0, -1]] and explain the singular values.

---

#Python #SciPy #LinearAlgebra #SVD #Decomposition #ScientificComputing

https://t.iss.one/DataScienceM
7
Topic: Python SciPy – From Easy to Top: Part 5 of 6: Working with SciPy Statistics

---

1. Introduction to `scipy.stats`

• The scipy.stats module contains a large number of probability distributions and statistical functions.
• You can perform tasks like descriptive statistics, hypothesis testing, sampling, and fitting distributions.

---

2. Descriptive Statistics

Use these functions to summarize and describe data characteristics:

from scipy import stats
import numpy as np

data = [2, 4, 4, 4, 5, 5, 7, 9]

mean = np.mean(data)
median = np.median(data)
mode = stats.mode(data, keepdims=True)
std_dev = np.std(data)

print("Mean:", mean)
print("Median:", median)
print("Mode:", mode.mode[0])
print("Standard Deviation:", std_dev)


---

3. Probability Distributions

SciPy has built-in continuous and discrete distributions such as normal, binomial, Poisson, etc.

Normal Distribution Example

from scipy.stats import norm

# PDF at x = 0
print("PDF at 0:", norm.pdf(0, loc=0, scale=1))

# CDF at x = 1
print("CDF at 1:", norm.cdf(1, loc=0, scale=1))

# Generate 5 random numbers
samples = norm.rvs(loc=0, scale=1, size=5)
print("Random Samples:", samples)


---

4. Hypothesis Testing

One-sample t-test – test if the mean of a sample is equal to a known value:

sample = [5.1, 5.3, 5.5, 5.7, 5.9]
t_stat, p_val = stats.ttest_1samp(sample, popmean=5.0)

print("T-statistic:", t_stat)
print("P-value:", p_val)


Interpretation: If the p-value is less than 0.05, reject the null hypothesis.

---

5. Two-sample t-test

Test if two samples come from populations with equal means:

group1 = [20, 22, 19, 24, 25]
group2 = [28, 27, 26, 30, 31]

t_stat, p_val = stats.ttest_ind(group1, group2)

print("T-statistic:", t_stat)
print("P-value:", p_val)


---

6. Chi-Square Test for Independence

Use to test independence between two categorical variables:

# Example contingency table
data = [[10, 20], [20, 40]]
chi2, p, dof, expected = stats.chi2_contingency(data)

print("Chi-square statistic:", chi2)
print("P-value:", p)


---

7. Correlation and Covariance

Measure linear relationship between variables:

x = [1, 2, 3, 4, 5]
y = [2, 4, 6, 8, 10]

corr, _ = stats.pearsonr(x, y)
print("Pearson Correlation Coefficient:", corr)


Covariance:

cov_matrix = np.cov(x, y)
print("Covariance Matrix:\n", cov_matrix)


---

8. Fitting Distributions to Data

You can fit a distribution to real-world data:

data = np.random.normal(loc=50, scale=10, size=1000)
params = norm.fit(data) # returns mean and std dev

print("Fitted mean:", params[0])
print("Fitted std dev:", params[1])


---

9. Sampling from Distributions

Generate random numbers from different distributions:

# Binomial distribution
samples = stats.binom.rvs(n=10, p=0.5, size=10)
print("Binomial Samples:", samples)

# Poisson distribution
samples = stats.poisson.rvs(mu=3, size=10)
print("Poisson Samples:", samples)


---

10. Summary

scipy.stats is a powerful tool for statistical analysis.
• You can compute summaries, perform tests, model distributions, and generate random samples.

---

Exercise

• Generate 1000 samples from a normal distribution and compute mean, median, std, and mode.
• Test if a sample has a mean significantly different from 5.
• Fit a normal distribution to your own dataset and plot the histogram with the fitted PDF curve.

---

#Python #SciPy #Statistics #HypothesisTesting #DataAnalysis

https://t.iss.one/DataScienceM
3
Topic: Python SciPy – From Easy to Top: Part 6 of 6: Signal Processing, Interpolation, and Fourier Transforms

---

1. Introduction

SciPy contains powerful tools for signal processing, interpolation, and Fourier transforms. These are essential in fields like image and audio processing, scientific simulations, and data smoothing.

Main submodules covered in this part:

scipy.signal – Signal processing
scipy.fft – Fast Fourier Transform
scipy.interpolate – Data interpolation and curve fitting

---

### 2. Signal Processing with `scipy.signal`

Filtering a Signal:

Let’s create a noisy sine wave and apply a low-pass filter.

import numpy as np
from scipy import signal
import matplotlib.pyplot as plt

# Create a sample signal with noise
t = np.linspace(0, 1.0, 200)
x = np.sin(2 * np.pi * 5 * t) + 0.5 * np.random.randn(200)

# Apply a Butterworth low-pass filter
b, a = signal.butter(3, 0.2)
filtered = signal.filtfilt(b, a, x)

# Plot original and filtered signals
plt.plot(t, x, label="Noisy Signal")
plt.plot(t, filtered, label="Filtered Signal")
plt.legend()
plt.title("Low-pass Filtering with Butterworth")
plt.show()


---

Find Peaks in a Signal:

peaks, _ = signal.find_peaks(x, height=0)
print("Peak Indices:", peaks)


---

### 3. Fourier Transform with `scipy.fft`

The Fourier Transform breaks a signal into its frequency components.

from scipy.fft import fft, fftfreq

# Number of sample points
N = 600
# Sample spacing
T = 1.0 / 800.0
x = np.linspace(0.0, N*T, N, endpoint=False)
y = np.sin(50.0 * 2.0 * np.pi * x) + 0.5 * np.sin(80.0 * 2.0 * np.pi * x)

yf = fft(y)
xf = fftfreq(N, T)[:N//2]

plt.plot(xf, 2.0/N * np.abs(yf[0:N//2]))
plt.grid()
plt.title("Fourier Transform of Signal")
plt.show()


---

### 4. Interpolation with `scipy.interpolate`

Interpolation estimates unknown values between known data points.

from scipy import interpolate

x = np.linspace(0, 10, 10)
y = np.sin(x)

# Create interpolating function
f = interpolate.interp1d(x, y, kind='cubic')

# Interpolate new values
xnew = np.linspace(0, 10, 100)
ynew = f(xnew)

plt.plot(x, y, 'o', label="Data Points")
plt.plot(xnew, ynew, '-', label="Cubic Interpolation")
plt.legend()
plt.title("Interpolation Example")
plt.show()


---

### 5. 2D Interpolation Example

from scipy.interpolate import griddata

# Known points
points = np.array([[0, 0], [0, 1], [1, 0], [1, 1]])
values = np.array([0, 1, 1, 0])

# Interpolation grid
grid_x, grid_y = np.mgrid[0:1:100j, 0:1:100j]
grid_z = griddata(points, values, (grid_x, grid_y), method='cubic')

plt.imshow(grid_z.T, extent=(0,1,0,1), origin='lower')
plt.title("2D Cubic Interpolation")
plt.colorbar()
plt.show()


---

### 6. Summary

scipy.signal is used for filtering, finding peaks, convolution, etc.
scipy.fft helps analyze signal frequencies.
scipy.interpolate estimates unknown values smoothly between data points.

These tools are critical for real-time data analysis, image/audio processing, and engineering applications.

---

Exercise

• Generate a noisy signal and apply both low-pass and high-pass filters.
• Plot the Fourier transform of a composed signal of multiple frequencies.
• Perform cubic interpolation on a dataset with missing values and plot both.

---

#Python #SciPy #SignalProcessing #FFT #Interpolation #ScientificComputing

https://t.iss.one/DataScienceM
7
Topic: Handling Datasets of All Types – Part 1 of 5: Introduction and Basic Concepts

---

1. What is a Dataset?

• A dataset is a structured collection of data, usually organized in rows and columns, used for analysis or training machine learning models.

---

2. Types of Datasets

Structured Data: Tables, spreadsheets with rows and columns (e.g., CSV, Excel).

Unstructured Data: Images, text, audio, video.

Semi-structured Data: JSON, XML files containing hierarchical data.

---

3. Common Dataset Formats

• CSV (Comma-Separated Values)

• Excel (.xls, .xlsx)

• JSON (JavaScript Object Notation)

• XML (eXtensible Markup Language)

• Images (JPEG, PNG, TIFF)

• Audio (WAV, MP3)

---

4. Loading Datasets in Python

• Use libraries like pandas for structured data:

import pandas as pd
df = pd.read_csv('data.csv')


• Use libraries like json for JSON files:

import json
with open('data.json') as f:
data = json.load(f)


---

5. Basic Dataset Exploration

• Check shape and size:

print(df.shape)


• Preview data:

print(df.head())


• Check for missing values:

print(df.isnull().sum())


---

6. Summary

• Understanding dataset types is crucial before processing.

• Loading and exploring datasets helps identify cleaning and preprocessing needs.

---

Exercise

• Load a CSV and JSON dataset in Python, print their shapes, and identify missing values.

---

#DataScience #Datasets #DataLoading #Python #DataExploration

https://t.iss.one/DataScienceM
3👍2
Topic: Handling Datasets of All Types – Part 2 of 5: Data Cleaning and Preprocessing

---

1. Importance of Data Cleaning

• Real-world data is often noisy, incomplete, or inconsistent.

• Cleaning improves data quality and model performance.

---

2. Handling Missing Data

Detect missing values using isnull() or isna() in pandas.

• Strategies to handle missing data:

* Remove rows or columns with missing values:

df.dropna(inplace=True)


* Impute missing values with mean, median, or mode:

df['column'].fillna(df['column'].mean(), inplace=True)


---

3. Handling Outliers

• Outliers can skew analysis and model results.

• Detect outliers using:

* Boxplots
* Z-score method
* IQR (Interquartile Range)

• Handle by removal or transformation.

---

4. Data Normalization and Scaling

• Many ML models require features to be on a similar scale.

• Common techniques:

* Min-Max Scaling (scales values between 0 and 1)

* Standardization (mean = 0, std = 1)

from sklearn.preprocessing import StandardScaler

scaler = StandardScaler()
df_scaled = scaler.fit_transform(df[['feature1', 'feature2']])


---

5. Encoding Categorical Variables

• Convert categorical data into numerical:

* Label Encoding: Assigns an integer to each category.

* One-Hot Encoding: Creates binary columns for each category.

pd.get_dummies(df['category_column'])


---

6. Summary

• Data cleaning is essential for reliable modeling.

• Handling missing values, outliers, scaling, and encoding are key preprocessing steps.

---

Exercise

• Load a dataset, identify missing values, and apply mean imputation.

• Detect outliers using IQR and remove them.

• Normalize numeric features using standardization.

---

#DataCleaning #DataPreprocessing #MachineLearning #Python #DataScience

https://t.iss.one/DataScienceM
5👍1
Topic: Handling Datasets of All Types – Part 2 of 5: Data Cleaning and Preprocessing

---

1. Importance of Data Cleaning

• Real-world data is often noisy, incomplete, or inconsistent.

• Cleaning improves data quality and model performance.

---

2. Handling Missing Data

Detect missing values using isnull() or isna() in pandas.

• Strategies to handle missing data:

* Remove rows or columns with missing values:

df.dropna(inplace=True)


* Impute missing values with mean, median, or mode:

df['column'].fillna(df['column'].mean(), inplace=True)


---

3. Handling Outliers

• Outliers can skew analysis and model results.

• Detect outliers using:

* Boxplots
* Z-score method
* IQR (Interquartile Range)

• Handle by removal or transformation.

---

4. Data Normalization and Scaling

• Many ML models require features to be on a similar scale.

• Common techniques:

* Min-Max Scaling (scales values between 0 and 1)

* Standardization (mean = 0, std = 1)

from sklearn.preprocessing import StandardScaler

scaler = StandardScaler()
df_scaled = scaler.fit_transform(df[['feature1', 'feature2']])


---

5. Encoding Categorical Variables

• Convert categorical data into numerical:

* Label Encoding: Assigns an integer to each category.

* One-Hot Encoding: Creates binary columns for each category.

pd.get_dummies(df['category_column'])


---

6. Summary

• Data cleaning is essential for reliable modeling.

• Handling missing values, outliers, scaling, and encoding are key preprocessing steps.

---

Exercise

• Load a dataset, identify missing values, and apply mean imputation.

• Detect outliers using IQR and remove them.

• Normalize numeric features using standardization.

---

#DataCleaning #DataPreprocessing #MachineLearning #Python #DataScience

https://t.iss.one/DataScience4M
4👍1
Topic: Handling Datasets of All Types – Part 4 of 5: Text Data Processing and Natural Language Processing (NLP)

---

1. Understanding Text Data

• Text data is unstructured and requires preprocessing to convert into numeric form for ML models.

• Common tasks: classification, sentiment analysis, language modeling.

---

2. Text Preprocessing Steps

Tokenization: Splitting text into words or subwords.

Lowercasing: Convert all text to lowercase for uniformity.

Removing Punctuation and Stopwords: Clean unnecessary words.

Stemming and Lemmatization: Reduce words to their root form.

---

3. Encoding Text Data

Bag-of-Words (BoW): Represents text as word count vectors.

TF-IDF (Term Frequency-Inverse Document Frequency): Weighs words based on importance.

Word Embeddings: Dense vector representations capturing semantic meaning (e.g., Word2Vec, GloVe).

---

4. Loading and Processing Text Data in Python

from sklearn.feature_extraction.text import TfidfVectorizer

texts = ["I love data science.", "Data science is fun."]
vectorizer = TfidfVectorizer(stop_words='english')
X = vectorizer.fit_transform(texts)


---

5. Handling Large Text Datasets

• Use libraries like NLTK, spaCy, and Transformers.

• For deep learning, tokenize using models like BERT or GPT.

---

6. Summary

• Text data needs extensive preprocessing and encoding.

• Choosing the right representation is crucial for model success.

---

Exercise

• Clean a set of sentences by tokenizing and removing stopwords.

• Convert cleaned text into TF-IDF vectors.

---

#NLP #TextProcessing #DataScience #MachineLearning #Python

https://t.iss.one/DataScienceM
3👍1
Topic: Handling Datasets of All Types – Part 5 of 5: Working with Time Series and Tabular Data

---

1. Understanding Time Series Data

• Time series data is a sequence of data points collected over time intervals.

• Examples: stock prices, weather data, sensor readings.

---

2. Loading and Exploring Time Series Data

import pandas as pd

df = pd.read_csv('time_series.csv', parse_dates=['date'], index_col='date')
print(df.head())


---

3. Key Time Series Concepts

Trend: Long-term increase or decrease in data.

Seasonality: Repeating patterns at regular intervals.

Noise: Random variations.

---

4. Preprocessing Time Series

• Handle missing data using forward/backward fill.

df.fillna(method='ffill', inplace=True)


• Resample data to different frequencies (daily, monthly).

df_resampled = df.resample('M').mean()


---

5. Working with Tabular Data

• Tabular data consists of rows (samples) and columns (features).

• Often requires handling missing values, encoding categorical variables, and scaling features (covered in previous parts).

---

6. Summary

• Time series data requires special preprocessing due to temporal order.

• Tabular data is the most common format, needing cleaning and feature engineering.

---

Exercise

• Load a time series dataset, fill missing values, and resample it monthly.

• For tabular data, encode categorical variables and scale numerical features.

---

#TimeSeries #TabularData #DataScience #MachineLearning #Python

https://t.iss.one/DataScienceM
5
Topic: 25 Important Questions on Handling Datasets of All Types in Python

---

1. What are the common types of datasets?
Structured, unstructured, and semi-structured.

---

2. How do you load a CSV file in Python?
Using pandas.read_csv() function.

---

3. How to check for missing values in a dataset?
Using df.isnull().sum() in pandas.

---

4. What methods can you use to handle missing data?
Remove rows/columns, mean/median/mode imputation, interpolation.

---

5. How to detect outliers in data?
Using boxplots, z-score, or interquartile range (IQR) methods.

---

6. What is data normalization?
Scaling data to a specific range, often \[0,1].

---

7. What is data standardization?
Rescaling data to have zero mean and unit variance.

---

8. How to encode categorical variables?
Label encoding or one-hot encoding.

---

9. What libraries help with image data processing in Python?
OpenCV, Pillow, scikit-image.

---

10. How do you load and preprocess images for ML models?
Resize, normalize pixel values, data augmentation.

---

11. How can audio data be loaded in Python?
Using libraries like librosa or scipy.io.wavfile.

---

12. What are MFCCs in audio processing?
Mel-frequency cepstral coefficients – features extracted from audio signals.

---

13. How do you preprocess text data?
Tokenization, removing stopwords, stemming, lemmatization.

---

14. What is TF-IDF?
A technique to weigh words based on frequency and importance.

---

15. How do you handle variable-length sequences in text or time series?
Padding sequences or using packed sequences.

---

16. How to handle time series missing data?
Forward fill, backward fill, interpolation.

---

17. What is data augmentation?
Creating new data samples by transforming existing data.

---

18. How to split datasets into training and testing sets?
Using train_test_split from scikit-learn.

---

19. What is batch processing in ML?
Processing data in small batches during training for efficiency.

---

20. How to save and load datasets efficiently?
Using formats like HDF5, pickle, or TFRecord.

---

21. What is feature scaling and why is it important?
Adjusting features to a common scale to improve model training.

---

22. How to detect and remove duplicate data?
Using df.duplicated() and df.drop_duplicates().

---

23. What is one-hot encoding and when to use it?
Converting categorical variables to binary vectors, used for nominal categories.

---

24. How to handle imbalanced datasets?
Techniques like oversampling, undersampling, or synthetic data generation (SMOTE).

---

25. How to visualize datasets in Python?
Using matplotlib, seaborn, or plotly for charts and graphs.

---

#DataScience #DataHandling #Python #MachineLearning #DataPreprocessing

https://t.iss.one/DataScience4M
6
Topic: Python PySpark Data Sheet – Part 1 of 3: Introduction, Setup, and Core Concepts

---

### 1. What is PySpark?

PySpark is the Python API for Apache Spark, a powerful distributed computing engine for big data processing.

PySpark allows you to leverage the full power of Apache Spark using Python, making it easier to:

• Handle massive datasets
• Perform distributed computing
• Run parallel data transformations

---

### 2. PySpark Ecosystem Components

Spark SQL – Structured data queries with DataFrame and SQL APIs
Spark Core – Fundamental engine for task scheduling and memory management
Spark Streaming – Real-time data processing
MLlib – Machine learning at scale
GraphX – Graph computation

---

### 3. Why PySpark over Pandas?

| Feature | Pandas | PySpark |
| -------------- | --------------------- | ----------------------- |
| Scale | Single machine | Distributed (Cluster) |
| Speed | Slower for large data | Optimized execution |
| Language | Python | Python on JVM via Py4J |
| Learning Curve | Easier | Medium (Big Data focus) |

---

### 4. PySpark Setup in Local Machine

#### Install PySpark via pip:

pip install pyspark


#### Start PySpark Shell:

pyspark


#### Sample Code to Initialize SparkSession:

from pyspark.sql import SparkSession

spark = SparkSession.builder \
.appName("MyApp") \
.getOrCreate()


---

### 5. RDD vs DataFrame

| Feature | RDD | DataFrame |
| ------------ | ----------------------- | ------------------------------ |
| Type | Low-level API (objects) | High-level API (structured) |
| Optimization | Manual | Catalyst Optimizer (automatic) |
| Usage | Complex transformations | SQL-like operations |

---

### 6. Creating DataFrames

#### From Python List:

data = [("Alice", 25), ("Bob", 30)]
df = spark.createDataFrame(data, ["Name", "Age"])
df.show()


#### From CSV File:

df = spark.read.csv("file.csv", header=True, inferSchema=True)
df.show()


---

### 7. Inspecting DataFrames

df.printSchema()     # Schema info  
df.columns # List column names
df.describe().show() # Summary stats
df.head(5) # First 5 rows


---

### 8. Basic Transformations

df.select("Name").show()
df.filter(df["Age"] > 25).show()
df.withColumn("AgePlus10", df["Age"] + 10).show()
df.drop("Age").show()


---

### 9. Working with SQL

df.createOrReplaceTempView("people")
spark.sql("SELECT * FROM people WHERE Age > 25").show()


---

### 10. Writing Data

df.write.csv("output.csv", header=True)
df.write.parquet("output_parquet/")


---

### 11. Summary of Concepts Covered

• Spark architecture & PySpark setup
• Core components of PySpark
• Differences between RDD and DataFrames
• How to create, inspect, and manipulate DataFrames
• SQL support in Spark
• Reading/writing to/from storage

---

### Exercise

1. Load a sample CSV file and display the schema
2. Add a new column with a calculated value
3. Filter the rows based on a condition
4. Save the result as a new CSV or Parquet file

---

#Python #PySpark #BigData #ApacheSpark #DataEngineering #ETL

https://t.iss.one/DataScienceM
4
Topic: Python Matplotlib – From Easy to Top: Part 1 of 6: Introduction and Basic Plotting

---

### 1. What is Matplotlib?

Matplotlib is the most widely used Python library for data visualization.

• It provides an object-oriented API for embedding plots into applications and supports a wide variety of graphs: line charts, bar charts, scatter plots, histograms, etc.

---

### 2. Installing and Importing Matplotlib

Install Matplotlib if you haven't:

pip install matplotlib


Import the main module and pyplot interface:

import matplotlib.pyplot as plt
import numpy as np


---

### 3. Plotting a Basic Line Chart

x = [1, 2, 3, 4, 5]
y = [2, 3, 5, 7, 11]

plt.plot(x, y)
plt.title("Simple Line Plot")
plt.xlabel("X Axis")
plt.ylabel("Y Axis")
plt.grid(True)
plt.show()


---

### 4. Customizing Line Style, Color, and Markers

plt.plot(x, y, color='green', linestyle='--', marker='o', label='Data')
plt.title("Styled Line Plot")
plt.xlabel("X Axis")
plt.ylabel("Y Axis")
plt.legend()
plt.show()


---

### 5. Adding Multiple Lines to a Plot

x = np.linspace(0, 10, 100)
y1 = np.sin(x)
y2 = np.cos(x)

plt.plot(x, y1, label="sin(x)", color='blue')
plt.plot(x, y2, label="cos(x)", color='red')
plt.title("Multiple Line Plot")
plt.xlabel("X Axis")
plt.ylabel("Y Axis")
plt.legend()
plt.grid(True)
plt.show()


---

### 6. Scatter Plot

Used to show relationships between two variables.

x = np.random.rand(100)
y = np.random.rand(100)

plt.scatter(x, y, color='purple', alpha=0.6)
plt.title("Scatter Plot")
plt.xlabel("X Axis")
plt.ylabel("Y Axis")
plt.show()


---

### 7. Bar Chart

categories = ['A', 'B', 'C', 'D']
values = [4, 7, 2, 5]

plt.bar(categories, values, color='skyblue')
plt.title("Bar Chart Example")
plt.xlabel("Category")
plt.ylabel("Value")
plt.show()


---

### 8. Histogram

data = np.random.randn(1000)

plt.hist(data, bins=30, color='orange', edgecolor='black')
plt.title("Histogram")
plt.xlabel("Value")
plt.ylabel("Frequency")
plt.show()


---

### 9. Saving the Plot to a File

plt.plot([1, 2, 3], [4, 5, 6])
plt.savefig("plot.png")


---

### 10. Summary

matplotlib.pyplot is the key module for creating all kinds of plots.
• You can customize styles, add labels, titles, and legends.
• Understanding basic plots is the foundation for creating advanced visualizations.

---

Exercise

• Plot y = x^2 and y = x^3 on the same figure.
• Create a scatter plot of 100 random points.
• Create and save a histogram from a normal distribution sample of 500 points.

---

#Python #Matplotlib #DataVisualization #Plots #Charts

https://t.iss.one/DataScienceM
3
Topic: Python Matplotlib – From Easy to Top: Part 2 of 6: Subplots, Figures, and Layout Management

---

### 1. Introduction to Figures and Axes

• In Matplotlib, a Figure is the entire image or window on which everything is drawn.
• An Axes is a part of the figure where data is plotted — it contains titles, labels, ticks, lines, etc.

Basic hierarchy:

* Figure ➝ contains one or more Axes
* Axes ➝ the area where the data is actually plotted
* Axis ➝ x-axis and y-axis inside an Axes

import matplotlib.pyplot as plt
import numpy as np


---

### 2. Creating Multiple Subplots using `plt.subplot()`

x = np.linspace(0, 2*np.pi, 100)
y1 = np.sin(x)
y2 = np.cos(x)

plt.subplot(2, 1, 1)
plt.plot(x, y1, label="sin(x)")
plt.title("First Subplot")

plt.subplot(2, 1, 2)
plt.plot(x, y2, label="cos(x)", color='green')
plt.title("Second Subplot")

plt.tight_layout()
plt.show()


Explanation:

* subplot(2, 1, 1) means 2 rows, 1 column, this is the first plot.
* tight_layout() prevents overlap between plots.

---

### 3. Creating Subplots with `plt.subplots()` (Recommended)

fig, axs = plt.subplots(2, 2, figsize=(8, 6))

x = np.linspace(0, 10, 100)

axs[0, 0].plot(x, np.sin(x))
axs[0, 0].set_title("sin(x)")

axs[0, 1].plot(x, np.cos(x))
axs[0, 1].set_title("cos(x)")

axs[1, 0].plot(x, np.tan(x))
axs[1, 0].set_title("tan(x)")
axs[1, 0].set_ylim(-10, 10)

axs[1, 1].plot(x, np.exp(-x))
axs[1, 1].set_title("exp(-x)")

plt.tight_layout()
plt.show()


---

### 4. Sharing Axes Between Subplots

fig, axs = plt.subplots(1, 2, sharey=True)

x = np.linspace(0, 10, 100)

axs[0].plot(x, np.sin(x))
axs[0].set_title("sin(x)")

axs[1].plot(x, np.cos(x), color='red')
axs[1].set_title("cos(x)")

plt.show()


---

### 5. Adjusting Spacing with `subplots_adjust()`

fig, axs = plt.subplots(2, 2)

fig.subplots_adjust(hspace=0.4, wspace=0.3)


---

### 6. Nested Plots Using `inset_axes`

You can add a small plot inside another:

from mpl_toolkits.axes_grid1.inset_locator import inset_axes

fig, ax = plt.subplots()
x = np.linspace(0, 10, 100)
y = np.sin(x)

ax.plot(x, y)
ax.set_title("Main Plot")

inset_ax = inset_axes(ax, width="30%", height="30%", loc=1)
inset_ax.plot(x, np.cos(x), color='orange')
inset_ax.set_title("Inset", fontsize=8)

plt.show()


---

### 7. Advanced Layout: Gridspec

import matplotlib.gridspec as gridspec

fig = plt.figure(figsize=(8, 6))
gs = gridspec.GridSpec(3, 3)

ax1 = fig.add_subplot(gs[0, :])
ax2 = fig.add_subplot(gs[1, :-1])
ax3 = fig.add_subplot(gs[1:, -1])
ax4 = fig.add_subplot(gs[2, 0])
ax5 = fig.add_subplot(gs[2, 1])

ax1.set_title("Top")
ax2.set_title("Left")
ax3.set_title("Right")
ax4.set_title("Bottom Left")
ax5.set_title("Bottom Center")

plt.tight_layout()
plt.show()


---

### 8. Summary

• Use subplot() for quick layouts and subplots() for flexibility.
• Share axes to align multiple plots.
• Use inset_axes and gridspec for custom and complex layouts.
• Always use tight_layout() or subplots_adjust() to clean up spacing.

---

### Exercise

• Create a 2x2 grid of subplots showing different trigonometric functions.
• Add an inset plot inside a sine wave chart.
• Use Gridspec to create an asymmetric layout with at least 5 different plots.

---

#Python #Matplotlib #Subplots #DataVisualization #Gridspec #LayoutManagement

https://t.iss.one/DataScienceM
1
Topic: Python Matplotlib – From Easy to Top: Part 3 of 6: Plot Customization and Styling

---

### 1. Why Customize Plots?

• Customization improves readability and presentation.
• You can control everything from fonts and colors to axis ticks and legend placement.

---

### 2. Customizing Titles, Labels, and Ticks

import matplotlib.pyplot as plt
import numpy as np

x = np.linspace(0, 10, 100)
y = np.sin(x)

plt.plot(x, y)
plt.title("Sine Wave", fontsize=16, color='navy')
plt.xlabel("Time (s)", fontsize=12)
plt.ylabel("Amplitude", fontsize=12)
plt.xticks(np.arange(0, 11, 1))
plt.yticks(np.linspace(-1, 1, 5))
plt.grid(True)
plt.show()


---

### 3. Changing Line Styles and Markers

plt.plot(x, y, color='red', linestyle='--', linewidth=2, marker='o', markersize=5, label='sin(x)')
plt.title("Styled Sine Curve")
plt.legend()
plt.grid(True)
plt.show()


Common styles:

• Line styles: '-', '--', ':', '-.'
• Markers: 'o', '^', 's', '*', 'D', etc.
• Colors: 'r', 'g', 'b', 'c', 'm', 'y', 'k', etc.

---

### 4. Adding Legends

plt.plot(x, np.sin(x), label="Sine")
plt.plot(x, np.cos(x), label="Cosine")
plt.legend(loc='upper right', fontsize=10)
plt.title("Legend Example")
plt.show()


---

### 5. Using Annotations

Annotations help highlight specific points:

plt.plot(x, y)
plt.annotate('Peak', xy=(np.pi/2, 1), xytext=(2, 1.2),
arrowprops=dict(facecolor='black', shrink=0.05))
plt.title("Annotated Peak")
plt.show()


---

### 6. Customizing Axes Appearance

fig, ax = plt.subplots()
ax.plot(x, y)

# Remove top and right border
ax.spines['top'].set_visible(False)
ax.spines['right'].set_visible(False)

# Customize axis colors and widths
ax.spines['left'].set_color('blue')
ax.spines['left'].set_linewidth(2)

plt.title("Customized Axes")
plt.show()


---

### 7. Setting Plot Limits

plt.plot(x, y)
plt.xlim(0, 10)
plt.ylim(-1.5, 1.5)
plt.title("Limit Axes")
plt.show()


---

### 8. Using Style Sheets

Matplotlib has built-in style sheets for quick beautification.

plt.style.use('ggplot')

plt.plot(x, np.sin(x))
plt.title("ggplot Style")
plt.show()


Popular styles: seaborn, fivethirtyeight, bmh, dark_background, etc.

---

### 9. Creating Grids and Minor Ticks

plt.plot(x, y)
plt.grid(True, which='both', linestyle='--', linewidth=0.5)
plt.minorticks_on()
plt.title("Grid with Minor Ticks")
plt.show()


---

### 10. Summary

• Customize everything: lines, axes, colors, labels, and grid.
• Use legends and annotations for clarity.
• Apply styles and themes for professional looks.
• Small changes improve the quality of your plots significantly.

---

### Exercise

• Plot sin(x) with red dashed lines and circle markers.
• Add a title, custom x/y labels, and set axis ranges manually.
• Apply the 'seaborn-darkgrid' style and highlight the peak with an annotation.

---

#Python #Matplotlib #Customization #DataVisualization #PlotStyling

https://t.iss.one/DataScienceM
3
Topic: Python PySpark Data Sheet – Part 2 of 3: DataFrame Transformations, Joins, and Group Operations

---

### 1. Column Operations

PySpark supports various column-wise operations using expressions.

#### Select Specific Columns:

df.select("Name", "Age").show()


#### Create/Modify Column:

from pyspark.sql.functions import col

df.withColumn("AgePlus5", col("Age") + 5).show()


#### Rename a Column:

df.withColumnRenamed("Age", "UserAge").show()


#### Drop Column:

df.drop("Age").show()


---

### 2. Filtering and Conditional Logic

#### Filter Rows:

df.filter(col("Age") > 25).show()


#### Multiple Conditions:

df.filter((col("Age") > 25) & (col("Name") != "Alice")).show()


#### Using `when` for Conditional Columns:

from pyspark.sql.functions import when

df.withColumn("Category", when(col("Age") < 30, "Young").otherwise("Adult")).show()


---

### 3. Aggregations and Grouping

#### GroupBy + Aggregations:

df.groupBy("Department").count().show()
df.groupBy("Department").agg({"Salary": "avg"}).show()


#### Using Aggregate Functions:

from pyspark.sql.functions import avg, max, min, count

df.groupBy("Department").agg(
avg("Salary").alias("AvgSalary"),
max("Salary").alias("MaxSalary")
).show()


---

### 4. Sorting and Ordering

#### Sort by One or More Columns:

df.orderBy("Age").show()
df.orderBy(col("Salary").desc()).show()


---

### 5. Dropping Duplicates & Handling Missing Data

#### Drop Duplicates:

df.dropDuplicates(["Name", "Age"]).show()


#### Drop Rows with Nulls:

df.dropna().show()


#### Fill Null Values:

df.fillna({"Salary": 0}).show()


---

### 6. Joins in PySpark

PySpark supports various join types like SQL.

#### Types of Joins:

inner
left
right
outer
left_semi
left_anti

#### Example – Inner Join:

df1.join(df2, on="id", how="inner").show()


#### Left Join Example:

df1.join(df2, on="id", how="left").show()


---

### 7. Working with Dates and Timestamps

from pyspark.sql.functions import current_date, current_timestamp

df.withColumn("today", current_date()).show()
df.withColumn("now", current_timestamp()).show()


#### Date Formatting:

from pyspark.sql.functions import date_format

df.withColumn("formatted", date_format(col("Date"), "yyyy-MM-dd")).show()


---

### 8. Window Functions (Advanced Aggregations)

Used for operations like ranking, cumulative sum, and moving average.

from pyspark.sql.window import Window
from pyspark.sql.functions import row_number

window_spec = Window.partitionBy("Department").orderBy("Salary")
df.withColumn("rank", row_number().over(window_spec)).show()


---

### 9. Caching and Persistence

Use caching for performance when reusing data:

df.cache()
df.show()


Or use:

df.persist()


---

### 10. Summary of Concepts Covered

• Column transformations and renaming
• Filtering and conditional logic
• Grouping, aggregating, and sorting
• Handling nulls and duplicates
• All types of joins
• Working with dates and window functions
• Caching for performance

---

### Exercise

1. Load two CSV datasets and perform different types of joins
2. Add a new column with a custom label based on a condition
3. Aggregate salary data by department and show top-paid employees per department using window functions
4. Practice caching and observe performance

---

#Python #PySpark #DataEngineering #BigData #ETL #ApacheSpark

https://t.iss.one/DataScienceM
2