💡 Applying Image Filters with Pillow
Pillow's
Code explanation: The noscript opens an image file, applies a
#Python #Pillow #ImageProcessing #ImageFilter #PIL
━━━━━━━━━━━━━━━
By: @DataScienceM ✨
Pillow's
ImageFilter module provides a set of pre-defined filters you can apply to your images with a single line of code. This example demonstrates how to apply a Gaussian blur effect, which is useful for softening images or creating depth-of-field effects.from PIL import Image, ImageFilter
try:
# Open an existing image
with Image.open("your_image.jpg") as img:
# Apply the Gaussian Blur filter
# The radius parameter controls the blur intensity
blurred_img = img.filter(ImageFilter.GaussianBlur(radius=5))
# Display the blurred image
blurred_img.show()
# Save the new image
blurred_img.save("blurred_image.png")
except FileNotFoundError:
print("Error: 'your_image.jpg' not found. Please provide an image.")
Code explanation: The noscript opens an image file, applies a
GaussianBlur filter from the ImageFilter module using the .filter() method, and then displays and saves the resulting blurred image. The blur intensity is controlled by the radius argument.#Python #Pillow #ImageProcessing #ImageFilter #PIL
━━━━━━━━━━━━━━━
By: @DataScienceM ✨
Please open Telegram to view this post
VIEW IN TELEGRAM
💡 Top 50 Operations for Audio Processing in Python
Note: Most examples use
I. Basic Loading, Saving & Properties
• Load an audio file (any format).
• Export (save) an audio file.
• Get duration in milliseconds.
• Get frame rate (sample rate).
• Get number of channels (1 for mono, 2 for stereo).
• Get sample width in bytes (e.g., 2 for 16-bit).
II. Playback & Recording
• Play an audio segment.
• Record audio from a microphone for 5 seconds.
III. Slicing & Concatenating
• Get a slice (e.g., the first 5 seconds).
• Get a slice from the end (e.g., the last 3 seconds).
• Concatenate (append) two audio files.
• Repeat an audio segment.
• Crossfade two audio segments.
IV. Volume & Effects
• Increase volume by 6 dB.
• Decrease volume by 3 dB.
• Fade in from silence.
• Fade out to silence.
• Reverse the audio.
• Normalize audio to a maximum amplitude.
• Overlay (mix) two tracks.
V. Channel Manipulation
• Split stereo into two mono channels.
• Create a stereo segment from two mono segments.
• Convert stereo to mono.
VI. Silence & Splitting
• Generate a silent segment.
• Split audio based on silence.
VII. Working with Raw Data (NumPy & SciPy)
Note: Most examples use
pydub. You need ffmpeg installed for opening/exporting non-WAV files. Install libraries with pip install pydub librosa sounddevice scipy numpy.I. Basic Loading, Saving & Properties
• Load an audio file (any format).
from pydub import AudioSegment
audio = AudioSegment.from_file("sound.mp3")
• Export (save) an audio file.
audio.export("new_sound.wav", format="wav")• Get duration in milliseconds.
duration_ms = len(audio)
• Get frame rate (sample rate).
rate = audio.frame_rate
• Get number of channels (1 for mono, 2 for stereo).
channels = audio.channels
• Get sample width in bytes (e.g., 2 for 16-bit).
width = audio.sample_width
II. Playback & Recording
• Play an audio segment.
from pydub.playback import play
play(audio)
• Record audio from a microphone for 5 seconds.
import sounddevice as sd
from scipy.io.wavfile import write
fs = 44100 # Sample rate
seconds = 5
recording = sd.rec(int(seconds * fs), samplerate=fs, channels=2)
sd.wait() # Wait until recording is finished
write('output.wav', fs, recording)
III. Slicing & Concatenating
• Get a slice (e.g., the first 5 seconds).
first_five_seconds = audio[:5000] # Time is in milliseconds
• Get a slice from the end (e.g., the last 3 seconds).
last_three_seconds = audio[-3000:]
• Concatenate (append) two audio files.
combined = audio1 + audio2
• Repeat an audio segment.
repeated = audio * 3
• Crossfade two audio segments.
# Fades out audio1 while fading in audio2
faded = audio1.append(audio2, crossfade=1000)
IV. Volume & Effects
• Increase volume by 6 dB.
louder_audio = audio + 6
• Decrease volume by 3 dB.
quieter_audio = audio - 3
• Fade in from silence.
faded_in = audio.fade_in(2000) # 2-second fade-in
• Fade out to silence.
faded_out = audio.fade_out(3000) # 3-second fade-out
• Reverse the audio.
reversed_audio = audio.reverse()
• Normalize audio to a maximum amplitude.
from pydub.effects import normalize
normalized_audio = normalize(audio)
• Overlay (mix) two tracks.
# Starts playing 'overlay_sound' 5 seconds into 'main_sound'
mixed = main_sound.overlay(overlay_sound, position=5000)
V. Channel Manipulation
• Split stereo into two mono channels.
left_channel, right_channel = audio.split_to_mono()
• Create a stereo segment from two mono segments.
stereo_sound = AudioSegment.from_mono_segments(left_channel, right_channel)
• Convert stereo to mono.
mono_audio = audio.set_channels(1)
VI. Silence & Splitting
• Generate a silent segment.
one_second_silence = AudioSegment.silent(duration=1000)
• Split audio based on silence.
from pydub.silence import split_on_silence
chunks = split_on_silence(
audio,
min_silence_len=500,
silence_thresh=-40
)
VII. Working with Raw Data (NumPy & SciPy)
• Get raw audio data as a NumPy array.
• Create a Pydub segment from a NumPy array.
• Read a WAV file directly into a NumPy array.
• Write a NumPy array to a WAV file.
• Generate a sine wave.
VIII. Audio Analysis with Librosa
• Load audio with Librosa.
• Estimate tempo (Beats Per Minute).
• Get beat event times in seconds.
• Decompose into harmonic and percussive components.
• Compute a spectrogram.
• Compute Mel-Frequency Cepstral Coefficients (MFCCs).
• Compute Chroma features (related to musical pitch).
• Detect onset events (the start of notes).
• Pitch shifting.
• Time stretching (change speed without changing pitch).
IX. More Utilities
• Detect leading silence.
• Get the root mean square (RMS) energy.
• Get the maximum possible RMS for the audio format.
• Find the loudest section of an audio file.
• Change the frame rate (resample).
• Create a simple band-pass filter.
• Convert file format in one line.
• Get the raw bytes of the audio data.
• Get the maximum amplitude.
• Match the volume of two segments.
#Python #AudioProcessing #Pydub #Librosa #SignalProcessing
━━━━━━━━━━━━━━━
By: @DataScienceM ✨
import numpy as np
samples = np.array(audio.get_array_of_samples())
• Create a Pydub segment from a NumPy array.
new_audio = AudioSegment(
samples.tobytes(),
frame_rate=audio.frame_rate,
sample_width=audio.sample_width,
channels=audio.channels
)
• Read a WAV file directly into a NumPy array.
from scipy.io.wavfile import read
rate, data = read("sound.wav")
• Write a NumPy array to a WAV file.
from scipy.io.wavfile import write
write("new_sound.wav", rate, data)
• Generate a sine wave.
import numpy as np
sample_rate = 44100
frequency = 440 # A4 note
duration = 5
t = np.linspace(0., duration, int(sample_rate * duration))
amplitude = np.iinfo(np.int16).max * 0.5
data = amplitude * np.sin(2. * np.pi * frequency * t)
# This array can now be written to a file
VIII. Audio Analysis with Librosa
• Load audio with Librosa.
import librosa
y, sr = librosa.load("sound.mp3")
• Estimate tempo (Beats Per Minute).
tempo, beat_frames = librosa.beat.beat_track(y=y, sr=sr)
• Get beat event times in seconds.
beat_times = librosa.frames_to_time(beat_frames, sr=sr)
• Decompose into harmonic and percussive components.
y_harmonic, y_percussive = librosa.effects.hpss(y)
• Compute a spectrogram.
import numpy as np
D = librosa.stft(y)
S_db = librosa.amplitude_to_db(np.abs(D), ref=np.max)
• Compute Mel-Frequency Cepstral Coefficients (MFCCs).
mfccs = librosa.feature.mfcc(y=y, sr=sr, n_mfcc=13)
• Compute Chroma features (related to musical pitch).
chroma = librosa.feature.chroma_stft(y=y, sr=sr)
• Detect onset events (the start of notes).
onset_frames = librosa.onset.onset_detect(y=y, sr=sr)
onset_times = librosa.frames_to_time(onset_frames, sr=sr)
• Pitch shifting.
y_pitched = librosa.effects.pitch_shift(y, sr=sr, n_steps=4) # Shift up 4 semitones
• Time stretching (change speed without changing pitch).
y_fast = librosa.effects.time_stretch(y, rate=2.0) # Double speed
IX. More Utilities
• Detect leading silence.
from pydub.silence import detect_leading_silence
trim_ms = detect_leading_silence(audio)
trimmed_audio = audio[trim_ms:]
• Get the root mean square (RMS) energy.
rms = audio.rms
• Get the maximum possible RMS for the audio format.
max_possible_rms = audio.max_possible_amplitude
• Find the loudest section of an audio file.
from pydub.scipy_effects import normalize
loudest_part = normalize(audio.strip_silence(silence_len=1000, silence_thresh=-32))
• Change the frame rate (resample).
resampled = audio.set_frame_rate(16000)
• Create a simple band-pass filter.
from pydub.scipy_effects import band_pass_filter
filtered = band_pass_filter(audio, 400, 2000) # Pass between 400Hz and 2000Hz
• Convert file format in one line.
AudioSegment.from_file("music.ogg").export("music.mp3", format="mp3")• Get the raw bytes of the audio data.
raw_data = audio.raw_data
• Get the maximum amplitude.
max_amp = audio.max
• Match the volume of two segments.
matched_audio2 = audio2.apply_gain(audio1.dBFS - audio2.dBFS)
#Python #AudioProcessing #Pydub #Librosa #SignalProcessing
━━━━━━━━━━━━━━━
By: @DataScienceM ✨
❤3
🤖🧠 HunyuanWorld-Mirror: Tencent’s Breakthrough in Universal 3D Reconstruction
🗓️ 03 Nov 2025
📚 AI News & Trends
The race toward achieving universal 3D understanding has reached a significant milestone with Tencent’s HunyuanWorld-Mirror, a cutting-edge open-source model designed to revolutionize 3D reconstruction. In an era dominated by visual intelligence and immersive digital experiences, this new model stands out by offering a feed-forward, geometry-aware framework that can predict multiple 3D outputs in a single ...
#HunyuanWorld #Tencent #3DReconstruction #UniversalAI #GeometryAware #OpenSourceAI
🗓️ 03 Nov 2025
📚 AI News & Trends
The race toward achieving universal 3D understanding has reached a significant milestone with Tencent’s HunyuanWorld-Mirror, a cutting-edge open-source model designed to revolutionize 3D reconstruction. In an era dominated by visual intelligence and immersive digital experiences, this new model stands out by offering a feed-forward, geometry-aware framework that can predict multiple 3D outputs in a single ...
#HunyuanWorld #Tencent #3DReconstruction #UniversalAI #GeometryAware #OpenSourceAI
💡 Top 50 Operations for Signal Processing in Python
Note: Most examples use
I. Signal Generation
• Create a time vector.
• Generate a sine wave.
• Generate a square wave.
• Generate a sawtooth wave.
• Generate Gaussian white noise.
• Generate a frequency-swept cosine (chirp).
• Generate an impulse signal (unit impulse).
• Generate a Gaussian pulse.
II. Signal Visualization & Properties
• Plot a signal.
• Calculate the mean value.
• Calculate the Root Mean Square (RMS).
• Calculate the standard deviation.
• Find the maximum value and its index.
III. Frequency Domain Analysis (FFT)
• Compute the Fast Fourier Transform (FFT).
• Get the frequency bins for the FFT.
• Plot the magnitude spectrum.
• Compute the Inverse FFT (IFFT).
• Compute the Power Spectral Density (PSD) using Welch's method.
IV. Digital Filtering
• Design a Butterworth low-pass filter.
• Apply a filter to a signal (zero-phase filtering).
• Design a Chebyshev Type I high-pass filter.
• Design a Bessel band-pass filter.
• Design an FIR filter using a window method.
• Plot the frequency response of a filter.
• Apply a median filter (good for salt-and-pepper noise).
• Apply a Wiener filter for noise reduction.
V. Resampling & Windowing
• Resample a signal to a new length.
• Decimate a signal (downsample by a factor).
• Create a Hamming window.
• Apply a window to a signal segment.
Note: Most examples use
numpy, scipy.signal, and matplotlib.pyplot. Assume they are imported as:import numpy as npfrom scipy import signalimport matplotlib.pyplot as pltI. Signal Generation
• Create a time vector.
fs = 1000 # Sampling frequency
t = np.linspace(0, 1, fs, endpoint=False)
• Generate a sine wave.
freq = 50 # Hz
sine_wave = np.sin(2 * np.pi * freq * t)
• Generate a square wave.
square_wave = signal.square(2 * np.pi * freq * t)
• Generate a sawtooth wave.
sawtooth_wave = signal.sawtooth(2 * np.pi * freq * t)
• Generate Gaussian white noise.
noise = np.random.normal(0, 1, len(t))
• Generate a frequency-swept cosine (chirp).
chirp_signal = signal.chirp(t, f0=1, f1=100, t1=1, method='linear')
• Generate an impulse signal (unit impulse).
impulse = signal.unit_impulse(100, 'mid') # at index 50 of 100
• Generate a Gaussian pulse.
gaus_pulse = signal.gausspulse(t, fc=5, bw=0.5)
II. Signal Visualization & Properties
• Plot a signal.
plt.plot(t, sine_wave)
plt.xlabel("Time [s]")
plt.ylabel("Amplitude")
plt.show()
• Calculate the mean value.
mean_val = np.mean(sine_wave)
• Calculate the Root Mean Square (RMS).
rms_val = np.sqrt(np.mean(sine_wave**2))
• Calculate the standard deviation.
std_dev = np.std(sine_wave)
• Find the maximum value and its index.
max_val = np.max(sine_wave)
max_idx = np.argmax(sine_wave)
III. Frequency Domain Analysis (FFT)
• Compute the Fast Fourier Transform (FFT).
from scipy.fft import fft, fftfreq
yf = fft(sine_wave)
• Get the frequency bins for the FFT.
N = len(sine_wave)
xf = fftfreq(N, 1 / fs)[:N//2]
• Plot the magnitude spectrum.
plt.plot(xf, 2.0/N * np.abs(yf[0:N//2]))
plt.grid()
plt.show()
• Compute the Inverse FFT (IFFT).
from scipy.fft import ifft
original_signal = ifft(yf)
• Compute the Power Spectral Density (PSD) using Welch's method.
f, Pxx_den = signal.welch(sine_wave, fs, nperseg=1024)
IV. Digital Filtering
• Design a Butterworth low-pass filter.
b, a = signal.butter(4, 100, 'low', analog=False, fs=fs)
• Apply a filter to a signal (zero-phase filtering).
noisy_signal = sine_wave + noise
filtered_signal = signal.filtfilt(b, a, noisy_signal)
• Design a Chebyshev Type I high-pass filter.
b, a = signal.cheby1(4, 5, 100, 'high', fs=fs) # 5dB ripple
• Design a Bessel band-pass filter.
b, a = signal.bessel(4, [50, 150], 'band', fs=fs)
• Design an FIR filter using a window method.
numtaps = 101
fir_coeffs = signal.firwin(numtaps, cutoff=100, fs=fs)
• Plot the frequency response of a filter.
w, h = signal.freqz(b, a, fs=fs)
plt.plot(w, 20 * np.log10(abs(h)))
• Apply a median filter (good for salt-and-pepper noise).
median_filtered = signal.medfilt(noisy_signal, kernel_size=3)
• Apply a Wiener filter for noise reduction.
wiener_filtered = signal.wiener(noisy_signal)
V. Resampling & Windowing
• Resample a signal to a new length.
resampled = signal.resample(sine_wave, num=500) # Resample to 500 points
• Decimate a signal (downsample by a factor).
decimated = signal.decimate(sine_wave, q=4) # Downsample by 4
• Create a Hamming window.
window = signal.windows.hamming(51)
• Apply a window to a signal segment.
segment = sine_wave[0:51]
windowed_segment = segment * window
VI. Convolution & Correlation
• Perform linear convolution.
sig1 = np.repeat([0., 1., 0.], 100)
sig2 = np.repeat([0., 1., 1., 0.], 100)
convolved = signal.convolve(sig1, sig2, mode='same')
• Compute cross-correlation.
# Useful for finding delays between signals
correlation = signal.correlate(sig1, sig2, mode='full')
• Compute auto-correlation.
# Useful for finding periodicities in a signal
autocorr = signal.correlate(sine_wave, sine_wave, mode='full')
VII. Time-Frequency Analysis
• Compute and plot a spectrogram.
f, t_spec, Sxx = signal.spectrogram(chirp_signal, fs)
plt.pcolormesh(t_spec, f, Sxx, shading='gouraud')
plt.show()
• Perform Continuous Wavelet Transform (CWT).
widths = np.arange(1, 31)
cwt_matrix = signal.cwt(chirp_signal, signal.ricker, widths)
• Perform Hilbert transform to get the analytic signal.
analytic_signal = signal.hilbert(sine_wave)
• Calculate instantaneous frequency.
instant_phase = np.unwrap(np.angle(analytic_signal))
instant_freq = (np.diff(instant_phase) / (2.0*np.pi) * fs)
VIII. Feature Extraction
• Find peaks in a signal.
peaks, _ = signal.find_peaks(sine_wave, height=0.5)
• Find peaks with prominence criteria.
peaks_prom, _ = signal.find_peaks(noisy_signal, prominence=1)
• Differentiate a signal (e.g., to find velocity from position).
derivative = np.diff(sine_wave)
• Integrate a signal.
from scipy.integrate import cumulative_trapezoid
integral = cumulative_trapezoid(sine_wave, t, initial=0)
• Detrend a signal to remove a linear trend.
trend = np.linspace(0, 1, fs)
trended_signal = sine_wave + trend
detrended = signal.detrend(trended_signal)
IX. System Analysis
• Define a system via a transfer function (numerator, denominator).
# Example: 2nd order low-pass filter
system = signal.TransferFunction([1], [1, 1, 1])
• Compute the step response of a system.
t_step, y_step = signal.step(system)
• Compute the impulse response of a system.
t_impulse, y_impulse = signal.impulse(system)
• Compute the Bode plot of a system's frequency response.
w, mag, phase = signal.bode(system)
X. Signal Generation from Data
• Generate a signal from a function.
t = np.linspace(0, 1, 500)
custom_signal = np.sinc(2 * np.pi * 4 * t)
• Convert a list of values to a signal array.
my_data = [0, 1, 2, 3, 2, 1, 0, -1, -2, -1, 0]
data_signal = np.array(my_data)
• Read signal data from a WAV file.
from scipy.io import wavfile
samplerate, data = wavfile.read('audio.wav')
• Create a pulse train signal.
pulse_train = np.zeros(fs)
pulse_train[::100] = 1 # Impulse every 100 samples
#Python #SignalProcessing #SciPy #NumPy #DSP
━━━━━━━━━━━━━━━
By: @DataScienceM ✨
💡 Top 50 Matplotlib Commands in Python
Note: Examples assume the following imports:
I. Figure & Basic Plots
• Create a figure.
• Create a basic line plot.
• Show/display the plot.
• Save a figure to a file.
• Create a scatter plot.
• Create a bar chart.
• Create a horizontal bar chart.
• Create a histogram.
• Create a pie chart.
• Create a box plot.
• Display a 2D array or image.
• Clear the current figure.
II. Labels, Titles & Legends
• Add a noscript to the plot.
• Add a label to the x-axis.
• Add a label to the y-axis.
• Add a legend.
• Add a grid.
• Add text to the plot at specific coordinates.
• Add an annotation with an arrow.
III. Axes & Ticks
• Set the x-axis limits.
• Set the y-axis limits.
• Set the x-axis ticks and labels.
• Set the y-axis ticks and labels.
• Set a logarithmic scale on an axis.
• Set the aspect ratio of the plot.
IV. Plot Customization
• Set the color of a plot.
• Set the line style.
• Set the line width.
• Set the marker style for points.
• Set the transparency (alpha).
• Use a predefined style.
• Fill the area between two curves.
• Create an error bar plot.
• Add a horizontal line.
• Add a vertical line.
• Add a colorbar for plots like
V. Subplots (Object-Oriented Approach)
• Create a figure and a grid of subplots (preferred method).
Note: Examples assume the following imports:
import matplotlib.pyplot as pltimport numpy as npI. Figure & Basic Plots
• Create a figure.
fig = plt.figure(figsize=(8, 6))
• Create a basic line plot.
x = np.linspace(0, 10, 100)
plt.plot(x, np.sin(x))
• Show/display the plot.
plt.show()
• Save a figure to a file.
plt.savefig("my_plot.png", dpi=300)• Create a scatter plot.
plt.scatter(x, np.cos(x))
• Create a bar chart.
categories = ['A', 'B', 'C']
values = [3, 7, 2]
plt.bar(categories, values)
• Create a horizontal bar chart.
plt.barh(categories, values)
• Create a histogram.
data = np.random.randn(1000)
plt.hist(data, bins=30)
• Create a pie chart.
plt.pie(values, labels=categories, autopct='%1.1f%%')
• Create a box plot.
plt.boxplot([data, data*2])
• Display a 2D array or image.
matrix = np.random.rand(10, 10)
plt.imshow(matrix, cmap='viridis')
• Clear the current figure.
plt.clf()
II. Labels, Titles & Legends
• Add a noscript to the plot.
plt.noscript("Sine Wave")• Add a label to the x-axis.
plt.xlabel("Time (s)")• Add a label to the y-axis.
plt.ylabel("Amplitude")• Add a legend.
plt.plot(x, np.sin(x), label='Sine')
plt.plot(x, np.cos(x), label='Cosine')
plt.legend()
• Add a grid.
plt.grid(True)
• Add text to the plot at specific coordinates.
plt.text(2, 0.5, 'An important point')
• Add an annotation with an arrow.
plt.annotate('Peak', xy=(np.pi/2, 1), xytext=(3, 1.5),
arrowprops=dict(facecolor='black', shrink=0.05))III. Axes & Ticks
• Set the x-axis limits.
plt.xlim(0, 5)
• Set the y-axis limits.
plt.ylim(-1.5, 1.5)
• Set the x-axis ticks and labels.
plt.xticks([0, np.pi, 2*np.pi], ['0', '$\pi$', '$2\pi$'])
• Set the y-axis ticks and labels.
plt.yticks([-1, 0, 1])
• Set a logarithmic scale on an axis.
plt.yscale('log')• Set the aspect ratio of the plot.
plt.axis('equal') # Other options: 'tight', 'off'IV. Plot Customization
• Set the color of a plot.
plt.plot(x, np.sin(x), color='red')
• Set the line style.
plt.plot(x, np.sin(x), linestyle='--')
• Set the line width.
plt.plot(x, np.sin(x), linewidth=3)
• Set the marker style for points.
plt.plot(x, np.sin(x), marker='o')
• Set the transparency (alpha).
plt.hist(data, alpha=0.5)
• Use a predefined style.
plt.style.use('ggplot')• Fill the area between two curves.
plt.fill_between(x, np.sin(x), np.cos(x), alpha=0.2)
• Create an error bar plot.
y_err = 0.2 * np.ones_like(x)
plt.errorbar(x, np.sin(x), yerr=y_err)
• Add a horizontal line.
plt.axhline(y=0, color='k', linestyle='-')
• Add a vertical line.
plt.axvline(x=np.pi, color='k', linestyle='-')
• Add a colorbar for plots like
imshow or scatter.plt.colorbar(label='Magnitude')
V. Subplots (Object-Oriented Approach)
• Create a figure and a grid of subplots (preferred method).
fig, ax = plt.subplots() # Single subplot
fig, axes = plt.subplots(2, 2) # 2x2 grid of subplots
• Plot on a specific subplot (Axes object).
axes[0, 0].plot(x, np.sin(x))
• Set the noscript for a specific subplot.
axes[0, 0].set_noscript('Subplot 1')• Set labels for a specific subplot.
axes[0, 0].set_xlabel('X-axis')
axes[0, 0].set_ylabel('Y-axis')• Add a legend to a specific subplot.
axes[0, 0].legend(['Sine'])
• Add a main noscript for the entire figure.
fig.supnoscript('Main Figure Title')• Automatically adjust subplot parameters for a tight layout.
plt.tight_layout()
• Share x or y axes between subplots.
fig, axes = plt.subplots(2, 1, sharex=True)
• Get the current Axes instance.
ax = plt.gca()
• Create a second y-axis that shares the x-axis.
ax2 = ax.twinx()
VI. Specialized Plots
• Create a contour plot.
X, Y = np.meshgrid(x, x)
Z = np.sin(X) * np.cos(Y)
plt.contour(X, Y, Z, levels=10)
• Create a filled contour plot.
plt.contourf(X, Y, Z)
• Create a stream plot for vector fields.
U, V = np.cos(X), np.sin(Y)
plt.streamplot(X, Y, U, V)
• Create a 3D surface plot.
from mpl_toolkits.mplot3d import Axes3D
fig = plt.figure()
ax = fig.add_subplot(111, projection='3d')
ax.plot_surface(X, Y, Z)
#Python #Matplotlib #DataVisualization #DataScience #Plotting
━━━━━━━━━━━━━━━
By: @DataScienceM ✨
🤖🧠 LongCat-Video: Meituan’s Groundbreaking Step Toward Efficient Long Video Generation with AI
🗓️ 04 Nov 2025
📚 AI News & Trends
In the rapidly advancing field of generative AI, the ability to create realistic, coherent, and high-quality videos from text or images has become one of the most sought-after goals. Meituan, one of the leading technology innovators in China, has made a remarkable stride in this domain with its latest open-source model — LongCat-Video. Designed as ...
#LongCatVideo #Meituan #GenerativeAI #VideoGeneration #AIInnovation #OpenSource
🗓️ 04 Nov 2025
📚 AI News & Trends
In the rapidly advancing field of generative AI, the ability to create realistic, coherent, and high-quality videos from text or images has become one of the most sought-after goals. Meituan, one of the leading technology innovators in China, has made a remarkable stride in this domain with its latest open-source model — LongCat-Video. Designed as ...
#LongCatVideo #Meituan #GenerativeAI #VideoGeneration #AIInnovation #OpenSource