Archive | Physics Experiments RSS feed for this section

Investigating the Tensorial Cross Product Modulation (TCPM): Applications in Engineering and Finance

1 Apr

Mathematical Foundation of TCPM

\overline{\overline{B}}=\sum_{i=1}^3 \sum_{j=1}^3 \sum_{k=1}^3 \delta_i (\sum_{l=1}^3 \epsilon_{ljk} \delta_l) D_{ij} A_k
where i,j,k=1,2,3 in cyclic order and \epsilon_{ljk} is the Levi-Civitta tensor and the \delta_i are the unit vectors.

import sympy as sp

# Define symbols
x, y, z = sp.symbols('x y z')
D_11, D_12, D_13, D_21, D_22, D_23, D_31, D_32, D_33 = sp.symbols('D_11 D_12 D_13 D_21 D_22 D_23 D_31 D_32 D_33')

# Symbolic representation of D (as p)
D = sp.Matrix([
    [D_11, D_12, D_13],
    [D_21, D_22, D_23],
    [D_31, D_32, D_33]
])

# Levi-Civita tensor (epsilon_ijk) for three dimensions
def epsilon(i, j, k):
    if (i, j, k) in [(1, 2, 3), (2, 3, 1), (3, 1, 2)]:
        return 1
    elif (i, j, k) in [(3, 2, 1), (1, 3, 2), (2, 1, 3)]:
        return -1
    else:
        return 0

# Symbolic representation of D and A
D = sp.Matrix([
    [D_11, D_12, D_13],
    [D_21, D_22, D_23],
    [D_31, D_32, D_33]
    ])

A = sp.Matrix([
    [x],
    [y],
    [z]
    ])

# Unit vectors (standard basis in R^3) as column matrices
delta = [sp.Matrix([1, 0, 0]), sp.Matrix([0, 1, 0]), sp.Matrix([0, 0, 1])]

# Initialize the resulting matrix B_bar_bar as a zero matrix
B_bar_bar = sp.zeros(3, 3)

# Perform the operation to calculate B_bar_bar according to the formula
for i in range(3):
    for j in range(3):
        for k in range(3):
            # Reset sum_over_l for each new combination of i, j, k
            sum_over_l = sp.zeros(3, 1)  # Transpose delta[l] here, initializing as a row vector
            for l in range(3):
                # Apply transpose to delta[l] directly
                sum_over_l += epsilon(l+1, k+1, i+1) * delta[l] * D[i, j] * A[k]
            # Multiply by delta_i on the left without transposing the sum_over_l
            B_bar_bar += sum_over_l * delta[j].transpose() # delta[i] as a column vector, sum_over_l already a row vector

B_bar_bar

The result is

Applications in Engineering

Visual representation of the experimental setup involving a flat plate exposed to incident light, illustrating the electromagnetic interaction between the light and the plate amidst a laboratory environment, created by the author with DALL-E.
The matrix.

Applications in Finance

Portfolio Optimization and Risk Management

Derivatives Pricing and Risk Sensitivity Analysis

High-dimensional Financial Data Analysis

Portfolio Optimization

Python Demonstration:

import numpy as np

# Assuming 3 assets and 2 external factors
# Mock data for asset returns
asset_returns = np.random.rand(3, 10)  # 3 assets, 10 time periods
# Mock data for factor sensitivities of each asset
factor_sensitivities = np.random.rand(3, 2)  # 3 assets, 2 factors
# Mock factor returns
factor_returns = np.random.rand(2, 10)  # 2 factors, 10 time periods

# Calculate asset returns influenced by factors
# This simplifies the interaction but illustrates the concept
influenced_returns = asset_returns + factor_sensitivities @ factor_returns

# Portfolio optimization would then proceed using these influenced returns

Derivatives Pricing

High-dimensional Financial Data Analysis

Python Demonstration using Tensor Decomposition:

from tensorly.decomposition import parafac
import tensorly as tl
import numpy as np

# Mock high-dimensional data: 3 assets, 4 time periods, 2 external factors
data = np.random.rand(3, 4, 2)

# Decompose the tensor to identify latent factors
factors = parafac(tl.tensor(data), rank=2)

# factors now contains the decomposed tensor representing principal components
</code>

Conclusion

REFERENCES:

[1] ACM Transactions on Information SystemsVolume 34Issue 2Article No.: 11pp 1–30https://doi.org/10.1145/2838731