Plasmonic Yagi-Uda nanoantenna#

Note: the cost of running the entire notebook is larger than 1 FlexCredit.

Antennas are the fundamental building blocks for high-speed communication networks. The concept of an antenna is well-established, particularly in RF and microwave engineering, dating back over one century ago. An antenna transforms propagating electromagnetic waves to localized electromagnetic field and vice versa, depending on whether it is in the transmitting mode or receiving mode. Thus, it enables wireless communication and information transmission over long distances.

Recent rapid developments in nanotechnology have sparked vast interest in constructing the optical counterpart of antennas by utilizing the plasmonic nature of metal at optical frequencies. The size of these antennas is usually in the order of 100 nm. Therefore, they are often termed plasmonic nanoantennas. As the demand for higher bandwidth information transmission keeps growing, plasmonic nanoantennas potentially be the technological cornerstone for future communication systems.

In this example notebook, we demonstrate the modeling of a plasmonic Yagi-Uda nanoantenna made of aluminum nanorods excited by a point dipole source. The far-field radiation pattern is calculated. We show that the simulated plasmonic Yagi-Uda nanoantenna can achieve a high directivity, which is desirable in many applications. The model is based on Tim H. Taminiau, Fernando D. Stefani, and Niek F. van Hulst, β€œEnhanced directional excitation and emission of single emitters by a nano-optical Yagi-Uda antenna,” Opt. Express 16, 10858-10866 (2008).

Schematic of the plasmonic Yagi-Uda nanoantenna

If you are new to the finite-difference time-domain (FDTD) method, we highly recommend going through our FDTD101 tutorials. For more simulation examples, please visit our examples page. FDTD simulations can diverge due to various reasons. If you run into any simulation divergence issues, please follow the steps outlined in our troubleshooting guide to resolve it.

Simulation Setup#

In this model, we are going to fit the refractive index of aluminum using data from the literature. Thus, we import the DispersionFitter from the Tidy3D plugins.

[1]:
import numpy as np
import matplotlib.pyplot as plt
import tidy3d as td
import tidy3d.web as web
from tidy3d.plugins.dispersion import DispersionFitter

As schematically shown above, a typical Yagi-Uda antenna consists of three components: a feed element that is excited by a source, a reflector element that suppresses the radiation in the backward direction, and an array of director elements that enhances the radiation in the forward direction. Usually, having a large number of director elements is beneficial for achieving a high directivity. In practice, we need to consider the footprint, fabrication constraints, costs, and so on. In this particular example, our Yagi-Uda antenna has three director elements. All elements are made of aluminum nanorods with rounded ends.

The lengths and spacings of the elements are designed to achieve optimal performance at 570 nm wavelength. An initial design can be obtained by following the classical design principle of RF/microwave Yagi-Uda antennas. Since metals behave very differently in lower frequencies compared to optical frequencies, the parameters need to be optimized to account for the finite skin depth and ohmic loss. In this notebook, we skip the optimization process and only present the optimized design from the referenced paper.

[2]:
lda0 = 0.57  # operation wavelength
freq0 = td.C_0 / lda0  # operation frequency

The nanorods are made of aluminum. Before constructing the model, we first need to use the DispersionFitter to fit the refractive index data of aluminum, which can be found in the refractive index database. In particular, we use the data from McPeak et al. 2015. The csv file can be downloaded from our documentation repo. Since we are only interested in the antenna response at 570 nm, we only need to fit the refractive index in the vicinity of the operation wavelength.

The fitting results in a RMS error about of 0.01, which is reasonably good.

[3]:
fname = "misc/McPeak.csv"  # read the refractive index data from a csv file
fitter = DispersionFitter.from_file(fname, delimiter=",")  # construct a fitter
al, rms_error = fitter.fit(num_poles=6, tolerance_rms=2e-2, num_tries=50)

Next, we construct the Yagi-Uda antenna by individually constructing the feed, reflector, and three directors. Each element consists of a cylinder and two spheres that represent the rounded caps on each end. For convenience, we define a function to build the antenna structures since it will be used repeatedly in the next section of this notebook.

[4]:
# L_f is the length of the feed element
# r is the radius of the nanorods.
# medium is the material of the nanorods
def construct_antenna(L_f, r, lda0, medium):
    L_r = L_f * 1.25  # length of the reflector
    L_d = L_f * 0.9  # length of the directors
    a_r = lda0 / 4.4  # spacing between the feed and the reflector
    a_d = (
        lda0 / 4
    )  # spacing between the feed and the first director (also the spacing between directors)

    feed = [
        td.Structure(
            geometry=td.Cylinder(
                center=(0, 0, 0), radius=r, length=L_f - 2 * r, axis=1
            ),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(0, (L_f - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(0, -(L_f - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
    ]

    reflector = [
        td.Structure(
            geometry=td.Cylinder(
                center=(-a_r, 0, 0), radius=r, length=L_r - 2 * r, axis=1
            ),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(-a_r, (L_r - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(-a_r, -(L_r - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
    ]

    director_1 = [
        td.Structure(
            geometry=td.Cylinder(
                center=(a_d, 0, 0), radius=r, length=L_d - 2 * r, axis=1
            ),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(a_d, (L_d - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(a_d, -(L_d - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
    ]

    director_2 = [
        td.Structure(
            geometry=td.Cylinder(
                center=(2 * a_d, 0, 0), radius=r, length=L_d - 2 * r, axis=1
            ),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(2 * a_d, (L_d - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(2 * a_d, -(L_d - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
    ]

    director_3 = [
        td.Structure(
            geometry=td.Cylinder(
                center=(3 * a_d, 0, 0), radius=r, length=L_d - 2 * r, axis=1
            ),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(3 * a_d, (L_d - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
        td.Structure(
            geometry=td.Sphere(center=(3 * a_d, -(L_d - 2 * r) / 2, 0), radius=r),
            medium=medium,
        ),
    ]

    antenna = feed + reflector + director_1 + director_2 + director_3
    return antenna


L_f = 0.16  # length of the feed
r = 0.02  # radius of the nanorods
medium = al  # material of the antenna

antenna = construct_antenna(L_f, r, lda0, medium)

The Yagi-Uda antenna is usually fed by a small quantum emitter such as a laser-excited quantum dot. In the simulation, the source can be well approximated as a PointDipole, which is what we are going to use.

To calculate the far-field radiation pattern and directivity, we will use the FieldProjectionAngleMonitor as well as a FluxMonitor. The FieldProjectionAngleMonitor yields the angular radiation power and the FluxMonitor helps to calculate the total radiated power. Both are required in the calculation of directivity.

[5]:
# define simulation domain size
Lx = 3 * lda0
Ly = 2 * lda0
Lz = 2 * lda0
sim_size = (Lx, Ly, Lz)

# create an electrical point dipole source polarized in the y direction to excite the feed element
d_dp = 0.004  # distance between the dipole and the feed element
pulse = td.GaussianPulse(freq0=freq0, fwidth=freq0 / 20)
pt_dipole = td.PointDipole(
    center=(0, L_f / 2 + d_dp, 0), source_time=pulse, polarization="Ey"
)

# create a FieldProjectionAngleMonitor to perform the near field to far field transformation in spherical coordinates
theta_array = np.linspace(0, 2 * np.pi, 200)
phi_array = np.linspace(0, np.pi, 100)
n2f_monitor = td.FieldProjectionAngleMonitor(
    center=(0, 0, 0),
    size=(2 * lda0, 1 * lda0, 1 * lda0),
    freqs=[freq0],
    name="n2f_monitor",
    custom_origin=(0, 0, 0),
    phi=phi_array,
    theta=theta_array,
)

# create a flux monitor to calculate the total radiated power
flux_monitor = td.FluxMonitor(
    center=(0, 0, 0),
    size=(Lx * 0.9, Ly * 0.9, Lz * 0.9),
    freqs=[freq0],
    name="power",
)

# create the simulation with the above defined elements
sim = td.Simulation(
    center=(0, 0, 0),
    size=sim_size,
    grid_spec=td.GridSpec.auto(min_steps_per_wvl=40, wavelength=lda0),
    structures=antenna,
    sources=[pt_dipole],
    monitors=[n2f_monitor, flux_monitor],
    run_time=1e-13,
    boundary_spec=td.BoundarySpec.all_sides(boundary=td.PML()),
)

# visualize the simulation setup
sim.plot(z=0)
plt.show()

../_images/notebooks_PlasmonicYagiUdaNanoantenna_12_0.png

For comparison, define an empty simulation with only the PointDipole. We will use this to show that the Yagi-Uda antenna exhibits a much higher directivity compared to a dipole radiation source.

[6]:
sim_empty = td.Simulation(
    center=(0, 0, 0),
    size=sim_size,
    grid_spec=td.GridSpec.auto(min_steps_per_wvl=40, wavelength=lda0),
    structures=[],  # this simulation is identical to the previous one besides the structures is set to an empty list
    sources=[pt_dipole],
    monitors=[n2f_monitor, flux_monitor],
    run_time=1e-13,
    boundary_spec=td.BoundarySpec.all_sides(boundary=td.PML()),
)

Submit both the antenna simulation and empty simulation to the server.

[7]:
sim_data = web.run(
    sim, task_name="plasmonic_yagi_uda", path="data/optical_yagi_uda.hdf5", verbose=True
)
sim_empty_data = web.run(
    sim_empty, task_name="empty", path="data/optical_yagi_uda.hdf5", verbose=True
)

[16:06:50] Created task 'plasmonic_yagi_uda' with task_id          webapi.py:188
           'fdve-356ec787-7a96-4da1-b629-a53b8fce1d36v1'.                       
[16:06:56] status = queued                                         webapi.py:361
[16:07:06] status = preprocess                                     webapi.py:355
[16:07:10] Maximum FlexCredit cost: 0.058. Use                     webapi.py:341
           'web.real_cost(task_id)' to get the billed FlexCredit                
           cost after a simulation run.                                         
           starting up solver                                      webapi.py:377
           running solver                                          webapi.py:386
           To cancel the simulation, use 'web.abort(task_id)' or   webapi.py:387
           'web.delete(task_id)' or abort/delete the task in the                
           web UI. Terminating the Python script will not stop the              
           job running on the cloud.                                            
[16:07:34] early shutoff detected, exiting.                        webapi.py:404
           status = postprocess                                    webapi.py:419
[16:07:38] status = success                                        webapi.py:426
[16:07:39] loading SimulationData from data/optical_yagi_uda.hdf5  webapi.py:590
           Created task 'empty' with task_id                       webapi.py:188
           'fdve-ce1196b2-6c48-4204-9bae-f35514ed69e9v1'.                       
[16:07:40] status = queued                                         webapi.py:361
[16:07:50] status = preprocess                                     webapi.py:355
[16:07:54] Maximum FlexCredit cost: 0.025. Use                     webapi.py:341
           'web.real_cost(task_id)' to get the billed FlexCredit                
           cost after a simulation run.                                         
           starting up solver                                      webapi.py:377
[16:07:55] running solver                                          webapi.py:386
           To cancel the simulation, use 'web.abort(task_id)' or   webapi.py:387
           'web.delete(task_id)' or abort/delete the task in the                
           web UI. Terminating the Python script will not stop the              
           job running on the cloud.                                            
[16:08:02] early shutoff detected, exiting.                        webapi.py:404
           status = postprocess                                    webapi.py:419
[16:08:06] status = success                                        webapi.py:426
[16:08:07] loading SimulationData from data/optical_yagi_uda.hdf5  webapi.py:590

Postprocessing#

After the simulations are complete, we calculate the directivity of the Yagi-Uda antenna and the single point dipole. The directivity is given by

\(D(\phi,\theta)=\frac{4\pi P(\phi,\theta)}{P_0}\),

where \(P\) is the angular radiated power and \(P_0= \iint P(\phi,\theta) d\Omega\) is the total radiated power.

The result shows that the dipole has a directivity of around 1.5, which is expected for a dipole radiator. On the other hand, the Yagi-Uda antenna has a much higher forward directivity above 6.

[8]:
P0 = np.array(sim_data["power"].flux)  # total radiated power of the yagi-uda antenna

# angular radiated power of the yagi-uda antenna
# by default, the power is calculated at 1 meter away from the antenna. The 1e12 factor normalizes the power to unit distance (1 um)
P = 1e12 * sim_data["n2f_monitor"].power.sel(f=freq0, phi=0, method="nearest").values
P = np.squeeze(P)
D = 4 * np.pi * P / P0  # directivity of the yagi-uda antenna

P0_dp = np.array(
    sim_empty_data["power"].flux
)  # total radiated power of the point dipole
P_dp = (
    1e12
    * sim_empty_data["n2f_monitor"].power.sel(f=freq0, phi=0, method="nearest").values
)  # angular radiated power of the point dipole
P_dp = np.squeeze(P_dp)
D_dp = 4 * np.pi * P_dp / P0_dp  # directivity of the point dipole

# comparison of the directivity
fig, ax = plt.subplots(subplot_kw={"projection": "polar"})
ax.set_theta_direction(-1)
ax.set_theta_offset(np.pi / 2.0)
ax.plot(theta_array, D, theta_array, D_dp)
ax.set_rlim(0, 8)
ax.set_title("Directivity")
ax.legend(("Yagi-Uda antenna", "Dipole"))
plt.show()

../_images/notebooks_PlasmonicYagiUdaNanoantenna_19_0.png

When studying antennas, very often we want to plot the full 3D radiation pattern. Here we show how to do so. This requires us to convert the spherical coordinates representation of the radiation pattern to Cartesian coordinates representation.

[9]:
P = 1e12 * sim_data["n2f_monitor"].power.sel(f=freq0).values  # angular radiated power
D = 4 * np.pi * np.squeeze(P) / P0  # directivity

# convert the spherical coordinates representation to cartesian coordinates
phi, theta = np.meshgrid(phi_array, theta_array)
X = D * np.cos(phi) * np.sin(theta)
Y = D * np.sin(phi) * np.sin(theta)
Z = D * np.cos(theta)

R = np.sqrt(
    X**2 + Y**2 + Z**2
)  # distance to the center will be used to plot the color on top of the radiation pattern
R = R / np.max(R)  # normalize it to 1

color = plt.cm.jet(R)  # define colormap using the distance

# plotting the radiation pattern in 3d
fig = plt.figure()
ax = fig.add_subplot(1, 1, 1, projection="3d")
ax.set_xlim((-2, 8))
ax.set_ylim((-5, 5))
ax.set_zlim((-5, 5))
ax.set_xlabel("X")
ax.set_ylabel("Y")
ax.set_zlabel("Z")
surf = ax.plot_surface(
    X, Y, Z, cstride=1, rstride=1, facecolors=color, antialiased=True, shade=False
)

../_images/notebooks_PlasmonicYagiUdaNanoantenna_21_0.png

Alternative Approach: Extending the Simulation Domain into the Far-Field Zone#

Performing the near field to far field transformation using the FieldProjectionAngleMonitor is a great way to reduce the computational cost by limiting the simulation domain only to the vicinity of the antenna. However, there are certain limitations. For example, the transformation assumes a homogenous background medium. In practice, we often encounter inhomogeneous background such as when the antenna is placed on a dielectric substrate.

Alternative to using the near field to far field transformation to obtain the far-field quantities, we can simply extend the simulation domain sufficiently far into the far-field zone. Here we harness the power of the highly optimized Tidy3D solver such that the simulation is still fast even when the domain size is large.

Next, we demonstrate this alternative approach and compare the result to the previous simulation to verify the accuracy.

[10]:
# compared to the previous simulation, this simulation uses a much larger simulation domain size
Lx = 15 * lda0
Ly = 2 * lda0
Lz = 15 * lda0
sim_size = (Lx, Ly, Lz)

# add a point dipole source
pulse = td.GaussianPulse(freq0=freq0, fwidth=freq0 / 20)
pt_dipole = td.PointDipole(
    center=(0, L_f / 2 + d_dp, 0), source_time=pulse, polarization="Ey"
)

# add a flux monitor to compute the total radiated power
flux_monitor = td.FluxMonitor(
    center=(0, 0, 0),
    size=(Lx * 0.9, Ly * 0.9, Lz * 0.9),
    freqs=[freq0],
    name="power",
)

# add a field monitor to compute the field far away from the antenna to calculate the directivity
field_monitor = td.FieldMonitor(
    center=(0, 0, 0),
    size=(td.inf, 0, td.inf),
    freqs=[freq0],
    name="field",
)

# create the simulation with the above defined elements
sim = td.Simulation(
    center=(0, 0, 0),
    size=sim_size,
    grid_spec=td.GridSpec.auto(min_steps_per_wvl=40, wavelength=lda0),
    structures=antenna,
    sources=[pt_dipole],
    monitors=[flux_monitor, field_monitor],
    run_time=1e-13,
    boundary_spec=td.BoundarySpec.all_sides(boundary=td.PML()),
)

# visualize the simulation setup
sim.plot(z=0)
plt.show()

[16:08:12] WARNING: Default value for the field monitor           monitor.py:261
           'colocate' setting has changed to 'True' in Tidy3D                   
           2.4.0. All field components will be colocated to the                 
           grid boundaries. Set to 'False' to get the raw fields                
           on the Yee grid instead.                                             
../_images/notebooks_PlasmonicYagiUdaNanoantenna_24_1.png

Submit the simulation to the server.

[11]:
sim_data = web.run(
    sim, task_name="plasmonic_yagi_uda", path="data/optical_yagi_uda.hdf5", verbose=True
)

           Created task 'plasmonic_yagi_uda' with task_id          webapi.py:188
           'fdve-a02c6323-132e-4507-ac7b-8ea7623c45e7v1'.                       
[16:08:13] status = queued                                         webapi.py:361
[16:08:22] status = preprocess                                     webapi.py:355
[16:08:26] Maximum FlexCredit cost: 0.746. Use                     webapi.py:341
           'web.real_cost(task_id)' to get the billed FlexCredit                
           cost after a simulation run.                                         
           starting up solver                                      webapi.py:377
           running solver                                          webapi.py:386
           To cancel the simulation, use 'web.abort(task_id)' or   webapi.py:387
           'web.delete(task_id)' or abort/delete the task in the                
           web UI. Terminating the Python script will not stop the              
           job running on the cloud.                                            
[16:08:59] early shutoff detected, exiting.                        webapi.py:404
           status = postprocess                                    webapi.py:419
[16:09:09] status = success                                        webapi.py:426
[16:09:16] loading SimulationData from data/optical_yagi_uda.hdf5  webapi.py:590

In this simulation, the way to calculate the directivity is a little different. The simulation domain size is 15\(\lambda\). We can evaluate the radiated field at a circle 7\(\lambda\) away from the antenna. At this distance, the near field should completely decay away so the field is purely radiated field. Therefore, the power is directly given by

\(P = \frac{E^2}{2\eta}\),

where \(E\) is the peak-to-peak electric field strength and \(\eta=\eta_0/n\) is the intrinsic impedance of the medium. \(\eta_0=377\) \(\Omega\) is the free space impedance and \(n\) is the refractive index.

As expected, the directivity pattern from this approach is practically identical to that from the near field to far field transformation, which verifies the validity of both methods.

[12]:
d = 7 * lda0  # distance at which the radiation pattern is evaluated
Z0 = 377  # free space impedance
P0 = np.array(sim_data["power"].flux)  # total radiated power

# evaluate the radiated power at 7*lda0 away from the antenna
P = np.zeros(len(theta_array))
for i, theta in enumerate(theta_array):
    Ex = sim_data["field"].Ex.sel(
        x=d * np.sin(theta), z=d * np.cos(theta), method="nearest"
    )
    Ey = sim_data["field"].Ey.sel(
        x=d * np.sin(theta), z=d * np.cos(theta), method="nearest"
    )
    Ez = sim_data["field"].Ez.sel(
        x=d * np.sin(theta), z=d * np.cos(theta), method="nearest"
    )
    P[i] = (
        d**2 * (abs(Ex) ** 2 + abs(Ey) ** 2 + abs(Ez) ** 2) / (2 * Z0)
    )  # we multiple the power by d^2 to normalize it to the power at unit distance
D = 4 * np.pi * P / P0  # directivity of the yagi-uda antenna

fig, ax = plt.subplots(subplot_kw={"projection": "polar"})
ax.set_theta_direction(-1)
ax.set_theta_offset(np.pi / 2.0)
ax.plot(theta_array, D)
ax.set_rlim(0, 8)
ax.set_title("Directivity")
plt.show()

../_images/notebooks_PlasmonicYagiUdaNanoantenna_28_0.png

Modeling Antenna on Substrate#

The approach of extending the simulation domain directly into the far-field zone really shows the benefit when the background medium is not uniform. Here we investigate such a case where a Yagi-Uda is placed on a glass substrate. It was predicted in the referenced paper that a lossless Yagi-Uda antenna on a glass substrate can achieve a directivity above 20, much higher than suspended in free space.

For the lossless antenna, we will use PEC as the medium for the antenna structure. To make sure the mesh around the PEC domains is not excessively fine, we will utilize a mesh override structure and set the refractive index to 10.

Schematic of the Yagi-Uda nanoantenna on glass

[13]:
pec = td.PECMedium()  # pec medium

n_glass = 1.5  # glass has a refractive index of 1.5
glass = td.Medium(permittivity=n_glass**2)

L_f = 0.187  # length of the feed element
antenna_pec = construct_antenna(
    L_f, r, lda0, pec
)  # construct the lossless yagi-uda antenna with pec

inf_eff = 100  # effective infinity
# construct the substrate
sub = td.Structure(
    geometry=td.Box.from_bounds(
        rmin=(-inf_eff, -inf_eff, -inf_eff), rmax=(inf_eff, inf_eff, -r)
    ),
    medium=glass,
)

# the whole structure is the antenna plus the substrate
antenna_pec.append(sub)

# to control the mesh around the antenna area, we construct a mesh override structure
# refractive index of the override structure is set to 10 to ensure sufficiently but not excessively fine mesh
refine_medium = td.Medium(permittivity=10**2)
antenna_refine = construct_antenna(
    L_f, r, lda0, refine_medium
)  # construct the mesh override structure

Construct the source, monitors, and simulation in a similar way to the previous simulation.

[14]:
Lx = 15 * lda0
Ly = 2 * lda0
Lz = 15 * lda0
sim_size = (Lx, Ly, Lz)

pulse = td.GaussianPulse(freq0=freq0, fwidth=freq0 / 20)
pt_dipole = td.PointDipole(
    center=(0, L_f / 2 + d_dp, 0), source_time=pulse, polarization="Ey"
)

flux_monitor = td.FluxMonitor(
    center=(0, 0, 0),
    size=(Lx * 0.9, Ly * 0.9, Lz * 0.9),
    freqs=[freq0],
    name="power",
)

field_monitor = td.FieldMonitor(
    center=(0, 0, 0),
    size=(td.inf, 0, td.inf),
    freqs=[freq0],
    name="field",
)

sim = td.Simulation(
    center=(0, 0, 0),
    size=sim_size,
    grid_spec=td.GridSpec.auto(
        min_steps_per_wvl=40, wavelength=lda0, override_structures=antenna_refine
    ),
    structures=antenna_pec,
    sources=[pt_dipole],
    monitors=[flux_monitor, field_monitor],
    run_time=1e-13,
    boundary_spec=td.BoundarySpec.all_sides(boundary=td.PML()),
)

sim.plot(y=0)
plt.show()

[16:09:25] WARNING: Default value for the field monitor           monitor.py:261
           'colocate' setting has changed to 'True' in Tidy3D                   
           2.4.0. All field components will be colocated to the                 
           grid boundaries. Set to 'False' to get the raw fields                
           on the Yee grid instead.                                             
../_images/notebooks_PlasmonicYagiUdaNanoantenna_33_1.png

Submit the simulation to the server.

[15]:
sim_data = web.run(
    sim,
    task_name="plasmonic_yagi_uda_on_glass",
    path="data/optical_yagi_uda.hdf5",
    verbose=True,
)

           Created task 'plasmonic_yagi_uda_on_glass' with task_id webapi.py:188
           'fdve-0ebaf370-3da1-4a99-932a-3eb9811ecff8v1'.                       
[16:09:26] status = queued                                         webapi.py:361
[16:09:41] status = preprocess                                     webapi.py:355
[16:09:44] Maximum FlexCredit cost: 3.070. Use                     webapi.py:341
           'web.real_cost(task_id)' to get the billed FlexCredit                
           cost after a simulation run.                                         
           starting up solver                                      webapi.py:377
           running solver                                          webapi.py:386
           To cancel the simulation, use 'web.abort(task_id)' or   webapi.py:387
           'web.delete(task_id)' or abort/delete the task in the                
           web UI. Terminating the Python script will not stop the              
           job running on the cloud.                                            
[16:11:48] early shutoff detected, exiting.                        webapi.py:404
           status = postprocess                                    webapi.py:419
[16:11:54] status = success                                        webapi.py:426
[16:12:06] loading SimulationData from data/optical_yagi_uda.hdf5  webapi.py:590

After the simulation is complete, we calculate the directivity in the same way as previously. Note that the intrinsic impedance \(\eta=\eta_0/n\) is different in the glass (\(n=1.5\)) compared to in the free space (\(n=1\)).

From the directivity plot, we can see that a directivity close to 25 can be achieved in this case.

[16]:
P0 = np.array(sim_data["power"].flux)  # total radiated power

# evaluate the radiated power at 7*lda0 away from the antenna
P = np.zeros(len(theta_array))
for i, theta in enumerate(theta_array):
    Ex = sim_data["field"].Ex.sel(
        x=d * np.sin(theta), z=d * np.cos(theta), method="nearest"
    )
    Ey = sim_data["field"].Ey.sel(
        x=d * np.sin(theta), z=d * np.cos(theta), method="nearest"
    )
    Ez = sim_data["field"].Ez.sel(
        x=d * np.sin(theta), z=d * np.cos(theta), method="nearest"
    )
    if d * np.cos(theta) > 0:
        P[i] = d**2 * (abs(Ex) ** 2 + abs(Ey) ** 2 + abs(Ez) ** 2) / (2 * Z0)
    else:
        # inside the substrate, the impedance of the glass needs to be taken into account
        P[i] = (
            n_glass * d**2 * (abs(Ex) ** 2 + abs(Ey) ** 2 + abs(Ez) ** 2) / (2 * Z0)
        )

D = 4 * np.pi * P / P0  # directivity

# plotting the directivity pattern
fig, ax = plt.subplots(subplot_kw={"projection": "polar"})
ax.set_theta_direction(-1)
ax.set_theta_offset(np.pi / 2.0)
ax.plot(theta_array, D)
ax.set_rlim(0, 25)
ax.set_title("Directivity")
plt.show()

../_images/notebooks_PlasmonicYagiUdaNanoantenna_37_0.png
[ ]: