Skip to content

Commit

Permalink
formatting with switching to black24.3.0: GazzolaLab#350
Browse files Browse the repository at this point in the history
  • Loading branch information
skim0119 committed Apr 28, 2024
1 parent 1478639 commit 86168bf
Show file tree
Hide file tree
Showing 69 changed files with 157 additions and 149 deletions.
2 changes: 1 addition & 1 deletion elastica/_rotations.py
Original file line number Diff line number Diff line change
Expand Up @@ -161,7 +161,7 @@ def _inv_rotate(director_collection):
def _generate_skew_map(dim: int):
# TODO Documentation
# Preallocate
mapping_list = [None] * ((dim ** 2 - dim) // 2)
mapping_list = [None] * ((dim**2 - dim) // 2)
# Indexing (i,j), j is the fastest changing
# r = 2, r here is rank, we deal with only matrices
for index, (i, j) in enumerate(combinations(range(dim), r=2)):
Expand Down
5 changes: 3 additions & 2 deletions elastica/collision/AABBCollection.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,6 @@
""" Axis Aligned Bounding Boxes for coarse collision detection
"""

import numpy as np
from elastica.utils import MaxDimension

Expand Down Expand Up @@ -129,8 +130,8 @@ def __init__(
# Check which is the closest and use that as the number of levels

# Else check differences
if (4 ** n_levels_bound_above - potential_n_aabbs_in_final_level) > (
potential_n_aabbs_in_final_level - 4 ** n_levels_bound_below
if (4**n_levels_bound_above - potential_n_aabbs_in_final_level) > (
potential_n_aabbs_in_final_level - 4**n_levels_bound_below
):
self.n_levels = n_levels_bound_below + 1
else:
Expand Down
2 changes: 1 addition & 1 deletion elastica/contact_utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -46,7 +46,7 @@ def _find_min_dist(x1, e1, x2, e2):
s = 0.0
t = 0.0

parallel = abs(1.0 - e1e2 ** 2 / (e1e1 * e2e2)) < 1e-6
parallel = abs(1.0 - e1e2**2 / (e1e1 * e2e2)) < 1e-6
if parallel:
# Some are parallel, so do processing
t = (x2e1 - x1e1) / e1e1 # Comes from taking dot of e1 with a normal
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -97,7 +97,11 @@ def __init__(
def apply_forces(self, rod_one, index_one, rod_two, index_two):
# TODO: documentation

(self.rod_one_rd2, self.rod_two_rd2, self.spring_force,) = self._apply_forces(
(
self.rod_one_rd2,
self.rod_two_rd2,
self.spring_force,
) = self._apply_forces(
self.k,
self.nu,
self.k_repulsive,
Expand Down
12 changes: 6 additions & 6 deletions elastica/memory_block/memory_block_rod.py
Original file line number Diff line number Diff line change
Expand Up @@ -146,16 +146,16 @@ def __init__(self, systems: Sequence, system_idx_list):
self.start_idx_in_rod_nodes[n_straight_rods:] = (
self.periodic_boundary_nodes_idx[0, 0::3] + 1
)
self.end_idx_in_rod_nodes[
n_straight_rods:
] = self.periodic_boundary_nodes_idx[0, 1::3]
self.end_idx_in_rod_nodes[n_straight_rods:] = (
self.periodic_boundary_nodes_idx[0, 1::3]
)

self.start_idx_in_rod_elems[n_straight_rods:] = (
self.periodic_boundary_elems_idx[0, 0::2] + 1
)
self.end_idx_in_rod_elems[
n_straight_rods:
] = self.periodic_boundary_elems_idx[0, 1::2]
self.end_idx_in_rod_elems[n_straight_rods:] = (
self.periodic_boundary_elems_idx[0, 1::2]
)

self.start_idx_in_rod_voronoi[n_straight_rods:] = (
self.periodic_boundary_voronoi_idx[0, :] + 1
Expand Down
1 change: 0 additions & 1 deletion elastica/memory_block/memory_block_rod_base.py
Original file line number Diff line number Diff line change
Expand Up @@ -156,7 +156,6 @@ def make_block_memory_periodic_boundary_metadata(n_elems_in_rods):


class MemoryBlockRodBase:

"""
This is the base class for memory blocks for rods.
"""
Expand Down
6 changes: 3 additions & 3 deletions elastica/modules/base_system.py
Original file line number Diff line number Diff line change
Expand Up @@ -48,9 +48,9 @@ def __init__(self):
self._feature_group_synchronize: Iterable[Callable[[float], None]] = []
self._feature_group_constrain_values: Iterable[Callable[[float], None]] = []
self._feature_group_constrain_rates: Iterable[Callable[[float], None]] = []
self._feature_group_callback: Iterable[
Callable[[float, int, AnyStr], None]
] = []
self._feature_group_callback: Iterable[Callable[[float, int, AnyStr], None]] = (
[]
)
self._feature_group_finalize: Iterable[Callable] = []
# We need to initialize our mixin classes
super(BaseSystemCollection, self).__init__()
Expand Down
4 changes: 2 additions & 2 deletions elastica/rigidbody/sphere.py
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@ def __init__(self, center, base_radius, density):
self.density = density
self.length = 2 * base_radius
# This is for a rigid body cylinder
self.volume = 4.0 / 3.0 * np.pi * base_radius ** 3
self.volume = 4.0 / 3.0 * np.pi * base_radius**3
self.mass = np.array([self.volume * self.density])
normal = np.array([1.0, 0.0, 0.0]).reshape(3, 1)
tangents = np.array([0.0, 0.0, 1.0]).reshape(3, 1)
Expand All @@ -37,7 +37,7 @@ def __init__(self, center, base_radius, density):
(MaxDimension.value(), MaxDimension.value()), np.float64
)
np.fill_diagonal(
mass_second_moment_of_inertia, 2.0 / 5.0 * self.mass * self.radius ** 2
mass_second_moment_of_inertia, 2.0 / 5.0 * self.mass * self.radius**2
)

self.mass_second_moment_of_inertia = mass_second_moment_of_inertia.reshape(
Expand Down
2 changes: 1 addition & 1 deletion elastica/rod/cosserat_rod.py
Original file line number Diff line number Diff line change
Expand Up @@ -991,7 +991,7 @@ def _compute_internal_torques(
)

# FIXME: change memory overload instead for the below calls!
voronoi_dilatation_inv_cube_cached = 1.0 / voronoi_dilatation ** 3
voronoi_dilatation_inv_cube_cached = 1.0 / voronoi_dilatation**3
# Delta(\tau_L / \Epsilon^3)
bend_twist_couple_2D = difference_kernel_for_block_structure(
internal_couple * voronoi_dilatation_inv_cube_cached, ghost_voronoi_idx
Expand Down
2 changes: 1 addition & 1 deletion elastica/rod/factory_function.py
Original file line number Diff line number Diff line change
Expand Up @@ -212,7 +212,7 @@ def allocate(
) / (rest_lengths_temp_for_voronoi[1:] + rest_lengths_temp_for_voronoi[:-1])

# Compute volume of elements
volume = np.pi * radius ** 2 * rest_lengths
volume = np.pi * radius**2 * rest_lengths

# Compute mass of elements
mass = np.zeros(n_nodes)
Expand Down
12 changes: 4 additions & 8 deletions elastica/rod/knot_theory.py
Original file line number Diff line number Diff line change
Expand Up @@ -35,20 +35,16 @@ class KnotTheoryCompatibleProtocol(Protocol):
"""

@property
def position_collection(self) -> np.ndarray:
...
def position_collection(self) -> np.ndarray: ...

@property
def director_collection(self) -> np.ndarray:
...
def director_collection(self) -> np.ndarray: ...

@property
def radius(self) -> np.ndarray:
...
def radius(self) -> np.ndarray: ...

@property
def base_length(self) -> np.ndarray:
...
def base_length(self) -> np.ndarray: ...


class KnotTheory:
Expand Down
14 changes: 6 additions & 8 deletions elastica/systems/analytical.py
Original file line number Diff line number Diff line change
Expand Up @@ -98,7 +98,7 @@ def __init__(self, omega=2.0 * np.pi, init_val=np.array([1.0, 0.0])):
self.omega = omega
self.initial_value = init_val.copy()
self._state = init_val.copy()
self.A_matrix = np.array([[0.0, 1.0], [-self.omega ** 2, 0.0]])
self.A_matrix = np.array([[0.0, 1.0], [-self.omega**2, 0.0]])

def analytical_solution(self, time):
# http://scipp.ucsc.edu/~haber/ph5B/sho09.pdf
Expand Down Expand Up @@ -155,7 +155,7 @@ def compute_energy(self, time):
analytical_state = self.analytical_solution(time)

def energy(st):
return self.omega ** 2 * st[0] ** 2 + st[1] ** 2
return self.omega**2 * st[0] ** 2 + st[1] ** 2

anal_energy = energy(analytical_state)
current_energy = energy(self._state)
Expand All @@ -174,10 +174,8 @@ class DampedSimpleHarmonicOscillatorSystem(
def __init__(self, damping=0.5, omega=2.0 * np.pi, init_val=np.array([1.0, 0.0])):
super(DampedSimpleHarmonicOscillatorSystem, self).__init__(omega, init_val)
self.zeta = 0.5 * damping
self.modified_omega = np.sqrt(
self.omega ** 2 - self.zeta ** 2, dtype=np.complex128
)
self.A_matrix = np.array([[0.0, 1.0], [-self.omega ** 2, -damping]])
self.modified_omega = np.sqrt(self.omega**2 - self.zeta**2, dtype=np.complex128)
self.A_matrix = np.array([[0.0, 1.0], [-self.omega**2, -damping]])

def analytical_solution(self, time):
# https://en.wikipedia.org/wiki/Harmonic_oscillator#Transient_solution
Expand Down Expand Up @@ -420,15 +418,15 @@ def analytical_solution(self, type, time):
if type == "Positions":
analytical_solution = (
np.hstack((self.init_pos, self.final_pos))
+ np.sin(np.pi * time) / np.pi ** 2
+ np.sin(np.pi * time) / np.pi**2
)
elif type == "Velocity":
analytical_solution = (
0.0 * np.hstack((self.init_pos, self.final_pos))
+ np.cos(np.pi * time) / np.pi
)
elif type == "Directors":
final_angle = self.omega_value * time + 0.5 * 0.1 * np.pi * time ** 2
final_angle = self.omega_value * time + 0.5 * 0.1 * np.pi * time**2
axis = np.array([0.0, 0.0, 1.0]).reshape(3, 1) # There is only one director
# Reshaping done to prevent numba equivalent to complain
# While we can prevent it here, its' done to make the front end testing scripts "look"
Expand Down
4 changes: 2 additions & 2 deletions elastica/timestepper/symplectic_steppers.py
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,7 @@ class _SystemInstanceStepper:
def do_step(
TimeStepper, _steps_and_prefactors, System, time: np.float64, dt: np.float64
):
for (kin_prefactor, kin_step, dyn_step) in _steps_and_prefactors[:-1]:
for kin_prefactor, kin_step, dyn_step in _steps_and_prefactors[:-1]:
kin_step(TimeStepper, System, time, dt)
time += kin_prefactor(TimeStepper, dt)
System.update_internal_forces_and_torques(time)
Expand Down Expand Up @@ -71,7 +71,7 @@ def do_step(
-------
"""
for (kin_prefactor, kin_step, dyn_step) in _steps_and_prefactors[:-1]:
for kin_prefactor, kin_step, dyn_step in _steps_and_prefactors[:-1]:

for system in SystemCollection._memory_blocks:
kin_step(TimeStepper, system, time, dt)
Expand Down
2 changes: 1 addition & 1 deletion elastica/transformations.py
Original file line number Diff line number Diff line change
Expand Up @@ -79,7 +79,7 @@ def format_matrix_shape(matrix_collection):
# we need to convert the matrix in that case.
def assert_proper_square(num1):
sqrt_num = isqrt(num1)
assert sqrt_num ** 2 == num1, "Matrix dimension passed is not a perfect square"
assert sqrt_num**2 == num1, "Matrix dimension passed is not a perfect square"
return sqrt_num

if n_dim == 1:
Expand Down
4 changes: 3 additions & 1 deletion examples/AxialStretchingCase/axial_stretching.py
Original file line number Diff line number Diff line change
Expand Up @@ -23,6 +23,7 @@
isort:skip_file
"""

import numpy as np
from matplotlib import pyplot as plt

Expand Down Expand Up @@ -50,7 +51,7 @@ class StretchingBeamSimulator(
normal = np.array([0.0, 1.0, 0.0])
base_length = 1.0
base_radius = 0.025
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 1000
youngs_modulus = 1e4
# For shear modulus of 1e4, nu is 99!
Expand Down Expand Up @@ -90,6 +91,7 @@ class StretchingBeamSimulator(
time_step=dt,
)


# Add call backs
class AxialStretchingCallBack(ea.CallBackBaseClass):
"""
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,7 @@ class GeneralConstraintSimulator(
normal = np.array([0.0, 1.0, 0.0])
base_length = 0.2
base_radius = 0.007
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 1750
E = 3e7
poisson_ratio = 0.5
Expand Down
3 changes: 2 additions & 1 deletion examples/ButterflyCase/butterfly.py
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ class ButterflySimulator(ea.BaseSystemCollection, ea.CallBacks):

total_length = 3.0
base_radius = 0.25
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 5000
youngs_modulus = 1e4
poisson_ratio = 0.5
Expand Down Expand Up @@ -75,6 +75,7 @@ class ButterflySimulator(ea.BaseSystemCollection, ea.CallBacks):

butterfly_sim.append(butterfly_rod)


# Add call backs
class VelocityCallBack(ea.CallBackBaseClass):
"""
Expand Down
2 changes: 1 addition & 1 deletion examples/CatenaryCase/catenary.py
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@ class CatenarySimulator(BaseSystemCollection, Constraints, Forcing, Damping, Cal
# catenary parameters
base_length = 1.0
base_radius = 0.01
base_area = np.pi * (base_radius ** 2)
base_area = np.pi * (base_radius**2)
volume = base_area * base_length
mass = 0.2
density = mass / volume
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -74,10 +74,8 @@ def __init__(

betas = np.array([0.596864, 1.49418, 2.50025, 3.49999]) * np.pi / base_length
self.beta = betas[mode]
self.omega = (self.beta ** 2) * np.sqrt(
youngs_modulus
* moment_of_inertia
/ (density * base_area * base_length ** 4)
self.omega = (self.beta**2) * np.sqrt(
youngs_modulus * moment_of_inertia / (density * base_area * base_length**4)
)

nonparametrized_mode_at_end = self._compute_nonparametrized_mode(
Expand Down
4 changes: 2 additions & 2 deletions examples/DynamicCantileverCase/dynamic_cantilever.py
Original file line number Diff line number Diff line change
Expand Up @@ -50,10 +50,10 @@ class DynamicCantileverSimulator(
normal = np.array([0.0, 1.0, 0.0])
base_length = 1
base_radius = 0.02
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
youngs_modulus = 1e5

moment_of_inertia = np.pi / 4 * base_radius ** 4
moment_of_inertia = np.pi / 4 * base_radius**4

dl = base_length / n_elem
dt = dl * 0.05
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -33,7 +33,7 @@ class FixedJointSimulator(
roll_direction = np.cross(direction, normal)
base_length = 0.2
base_radius = 0.007
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 1750
E = 3e7
poisson_ratio = 0.5
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -34,7 +34,7 @@ class SphericalJointSimulator(
roll_direction = np.cross(direction, normal)
base_length = 0.2
base_radius = 0.007
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 1750
E = 3e7
poisson_ratio = 0.5
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -41,7 +41,7 @@ class ParallelConnection(
binormal = np.cross(direction, normal)
base_length = 0.2
base_radius = 0.007
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 1750
E = 3e4
poisson_ratio = 0.5
Expand Down Expand Up @@ -87,6 +87,7 @@ class ParallelConnection(
ea.OneEndFixedBC, constrained_position_idx=(0,), constrained_director_idx=(0,)
)


# Apply a contraction force on rod one.
class ContractionForce(ea.NoForces):
def __init__(
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,7 @@ class SwingingFlexiblePendulumSimulator(
normal = np.array([1.0, 0.0, 0.0])
base_length = 1.0
base_radius = 0.005
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
density = 1100.0
youngs_modulus = 5e6
# For shear modulus of 1e4, nu is 99!
Expand Down
6 changes: 3 additions & 3 deletions examples/FrictionValidationCases/axial_friction.py
Original file line number Diff line number Diff line change
Expand Up @@ -30,7 +30,7 @@ def simulate_axial_friction_with(force=0.0):
normal = np.array([0.0, 1.0, 0.0])
base_length = 1.0
base_radius = 0.025
base_area = np.pi * base_radius ** 2
base_area = np.pi * base_radius**2
mass = 1.0
density = mass / (base_length * base_area)
E = 1e5
Expand Down Expand Up @@ -108,7 +108,7 @@ def simulate_axial_friction_with(force=0.0):
analytical_translational_energy = 0.0
else:
analytical_translational_energy = (
final_time ** 2
final_time**2
/ (2.0 * mass)
* (
np.abs(force)
Expand All @@ -122,7 +122,7 @@ def simulate_axial_friction_with(force=0.0):
analytical_translational_energy = 0.0
else:
analytical_translational_energy = (
final_time ** 2
final_time**2
/ (2.0 * mass)
* (
np.abs(force)
Expand Down

0 comments on commit 86168bf

Please sign in to comment.