Plasmonic Yagi-Uda nanoantenna#

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

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).

c483dfd3e8e84e7298120cc280e93e52

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 import DispersionFitter

[23:28:15] WARNING  This version of Tidy3D was pip installed from the 'tidy3d-beta' repository on   __init__.py:103
                    PyPI. Future releases will be uploaded to the 'tidy3d' repository. From now on,                
                    please use 'pip install tidy3d' instead.                                                       
           INFO     Using client version: 1.9.0rc1                                                  __init__.py:121

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. 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 = "data/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)

[23:28:27] INFO             found optimal fit with RMS error = 1.44e-02, returning                       fit.py:360
best RMS error so far: 3.14e-02 ━━━━━━━━━╸━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━  24% 0:00:29

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)

[5]:
<AxesSubplot: title={'center': 'cross section at z=0.00'}, xlabel='x', ylabel='y'>
../_images/notebooks_PlasmonicYagiUdaNanoantenna_12_1.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"
)
sim_empty_data = web.run(
    sim_empty, task_name="empty", path="data/optical_yagi_uda.hdf5"
)

[23:28:28] INFO     Created task 'plasmonic_yagi_uda' with task_id                                    webapi.py:120
                    'c3d57eab-055d-46a7-98bc-31bb678e7ef0'.                                                        
[23:28:31] INFO     Maximum FlexUnit cost: 0.058                                                      webapi.py:253
           INFO     status = queued                                                                   webapi.py:262
[23:28:34] INFO     status = preprocess                                                               webapi.py:274
[23:28:38] INFO     starting up solver                                                                webapi.py:278
[23:28:48] INFO     running solver                                                                    webapi.py:284
[23:29:33] INFO     early shutoff detected, exiting.                                                  webapi.py:295
           INFO     status = postprocess                                                              webapi.py:301
[23:29:34] INFO     status = success                                                                  webapi.py:307
[23:29:35] INFO     Billed FlexUnit cost: 0.031                                                       webapi.py:311
           INFO     downloading file "output/monitor_data.hdf5" to "data/optical_yagi_uda.hdf5"       webapi.py:593
[23:29:36] INFO     loading SimulationData from data/optical_yagi_uda.hdf5                            webapi.py:415
[23:29:37] INFO     Created task 'empty' with task_id 'd52178fb-baa0-4122-9572-7c4887a99fec'.         webapi.py:120
[23:29:39] INFO     Maximum FlexUnit cost: 0.025                                                      webapi.py:253
           INFO     status = queued                                                                   webapi.py:262
[23:29:42] INFO     status = preprocess                                                               webapi.py:274
[23:29:45] INFO     starting up solver                                                                webapi.py:278
[23:29:53] INFO     running solver                                                                    webapi.py:284
[23:29:56] INFO     early shutoff detected, exiting.                                                  webapi.py:295
           INFO     status = postprocess                                                              webapi.py:301
[23:29:58] INFO     status = success                                                                  webapi.py:307
           INFO     Billed FlexUnit cost: 0.025                                                       webapi.py:311
           INFO     downloading file "output/monitor_data.hdf5" to "data/optical_yagi_uda.hdf5"       webapi.py:593
[23:30:00] INFO     loading SimulationData from data/optical_yagi_uda.hdf5                            webapi.py:415

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"))

[8]:
<matplotlib.legend.Legend at 0x169e90be0>
../_images/notebooks_PlasmonicYagiUdaNanoantenna_19_1.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)

[10]:
<AxesSubplot: title={'center': 'cross section at z=0.00'}, xlabel='x', ylabel='y'>
../_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"
)

[23:30:03] INFO     Created task 'plasmonic_yagi_uda' with task_id                                    webapi.py:120
                    '3df06f99-bdc0-42cf-aa39-409090c8cc73'.                                                        
[23:30:06] INFO     Maximum FlexUnit cost: 0.746                                                      webapi.py:253
           INFO     status = queued                                                                   webapi.py:262
[23:30:09] INFO     status = preprocess                                                               webapi.py:274
[23:30:15] INFO     starting up solver                                                                webapi.py:278
[23:30:25] INFO     running solver                                                                    webapi.py:284
[23:31:18] INFO     early shutoff detected, exiting.                                                  webapi.py:295
           INFO     status = postprocess                                                              webapi.py:301
[23:31:27] INFO     status = success                                                                  webapi.py:307
           INFO     Billed FlexUnit cost: 0.478                                                       webapi.py:311
[23:31:28] INFO     downloading file "output/monitor_data.hdf5" to "data/optical_yagi_uda.hdf5"       webapi.py:593
[23:31:31] INFO     loading SimulationData from data/optical_yagi_uda.hdf5                            webapi.py:415

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")

[12]:
Text(0.5, 1.0, 'Directivity')
../_images/notebooks_PlasmonicYagiUdaNanoantenna_28_1.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.

c168d95ad7404794a691fec274cca638

[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)

[14]:
<AxesSubplot: title={'center': 'cross section at y=0.00'}, xlabel='x', ylabel='z'>
../_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"
)

[23:31:36] INFO     Created task 'plasmonic_yagi_uda_on_glass' with task_id                           webapi.py:120
                    'ebacadc8-4061-4da6-96f2-78d471d8232f'.                                                        
[23:31:39] INFO     Maximum FlexUnit cost: 3.070                                                      webapi.py:253
           INFO     status = queued                                                                   webapi.py:262
[23:31:42] INFO     status = preprocess                                                               webapi.py:274
[23:31:47] INFO     starting up solver                                                                webapi.py:278
[23:31:58] INFO     running solver                                                                    webapi.py:284
[23:35:18] INFO     early shutoff detected, exiting.                                                  webapi.py:295
           INFO     status = postprocess                                                              webapi.py:301
[23:35:27] INFO     status = success                                                                  webapi.py:307
           INFO     Billed FlexUnit cost: 2.108                                                       webapi.py:311
           INFO     downloading file "output/monitor_data.hdf5" to "data/optical_yagi_uda.hdf5"       webapi.py:593
[23:35:34] INFO     loading SimulationData from data/optical_yagi_uda.hdf5                            webapi.py:415

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")

[16]:
Text(0.5, 1.0, 'Directivity')
../_images/notebooks_PlasmonicYagiUdaNanoantenna_37_1.png
[ ]: