Note
Go to the end to download the full example code.
Ptychography phase retrieval#
This example shows how to create a Ptychography phase retrieval operator and generate phaseless measurements from a given image.
General setup#
Imports the necessary libraries and modules, including ptychography phase retrieval function from deepinv
.
It sets the device to GPU if available, otherwise uses the CPU.
import matplotlib.pyplot as plt
import torch
import numpy as np
import deepinv as dinv
from deepinv.utils.demo import load_url_image, get_image_url
from deepinv.utils.plotting import plot
from deepinv.physics import Ptychography
from deepinv.optim.data_fidelity import L1
from deepinv.optim.phase_retrieval import correct_global_phase
device = dinv.utils.get_freer_gpu() if torch.cuda.is_available() else "cpu"
Load image from the internet#
Loads a sample image from a URL, resizes it to 128x128 pixels, and extracts only one color channel.
data:image/s3,"s3://crabby-images/e3ae1/e3ae12f85506bf819f37ae109c1feaf7158e8b92" alt="demo ptychography"
torch.Size([1, 1, 128, 128])
Prepare phase input#
We use the original image as the phase information for the complex signal. The original value range is [0, 1], and we map it to the phase range [0, pi].
Set up ptychography physics model#
Initializes the ptychography physics model with parameters like the probe and shifts. This model will be used to simulate ptychography measurements.
img_size = (1, size, size)
n_img = 10**2
probe = dinv.physics.phase_retrieval.build_probe(
img_size, type="disk", probe_radius=30, device=device
)
shifts = dinv.physics.phase_retrieval.generate_shifts(img_size, n_img=n_img, fov=170)
physics = Ptychography(
in_shape=img_size,
probe=probe,
shifts=shifts,
device=device,
)
Display probe overlap#
Calculates and displays the overlap of probe regions in the image, helping visualize the ptychography pattern.
overlap_img = physics.B.get_overlap_img(physics.B.shifts).cpu()
overlap2probe = physics.B.get_overlap_img(physics.B.shifts[55:57]).cpu()
plot(
[overlap2probe.unsqueeze(0), overlap_img.unsqueeze(0)],
titles=["Overlap 2 probe", "Overlap images"],
)
data:image/s3,"s3://crabby-images/f5dff/f5dff4e50779881024a607ca355aa7fdd8847ba1" alt="Overlap 2 probe, Overlap images"
Generate and visualize probe and measurements#
Displays the ptychography probe and a sum of the generated measurement data.
data:image/s3,"s3://crabby-images/218af/218afc6d1cd715b1097b83e3ca7ead1fbb862e7c" alt="Probe, y"
Gradient descent for phase retrieval#
Implements a simple gradient descent algorithm to minimize the L1 data fidelity loss for phase retrieval.
data_fidelity = L1()
lr = 0.1
n_iter = 200
x_est = torch.randn_like(x).to(device)
loss_hist = []
for i in range(n_iter):
x_est = x_est - lr * data_fidelity.grad(x_est, y, physics)
loss_hist.append(data_fidelity(x_est, y, physics).cpu())
if i % 10 == 0:
print(f"Iter {i}, loss: {loss_hist[i]}")
# Plot the loss curve
plt.plot(loss_hist)
plt.title("loss curve (gradient descent with random initialization)")
plt.show()
data:image/s3,"s3://crabby-images/087d8/087d8bf299f120b9a34685619e7f109577869520" alt="loss curve (gradient descent with random initialization)"
Iter 0, loss: tensor([24033.8477])
Iter 10, loss: tensor([14610.7012])
Iter 20, loss: tensor([12231.4805])
Iter 30, loss: tensor([9531.4746])
Iter 40, loss: tensor([8343.7061])
Iter 50, loss: tensor([7400.0605])
Iter 60, loss: tensor([6179.6592])
Iter 70, loss: tensor([4710.7944])
Iter 80, loss: tensor([3487.5955])
Iter 90, loss: tensor([2489.2402])
Iter 100, loss: tensor([1696.7488])
Iter 110, loss: tensor([1269.8395])
Iter 120, loss: tensor([2899.7510])
Iter 130, loss: tensor([4312.7715])
Iter 140, loss: tensor([3467.2544])
Iter 150, loss: tensor([3429.9648])
Iter 160, loss: tensor([3731.9387])
Iter 170, loss: tensor([3542.7930])
Iter 180, loss: tensor([4249.0420])
Iter 190, loss: tensor([3322.3809])
Display final estimated phase retrieval#
Corrects the global phase of the estimated image to match the original phase and plots the result. This final visualization shows the original image and the estimated phase after retrieval.
data:image/s3,"s3://crabby-images/8ff85/8ff8513861c1918bd76fe0a0df482469be3c6013" alt="x, Final estimate"
Total running time of the script: (0 minutes 6.310 seconds)