Below is a video of a simple cardboard pendulum that has a metal ball in a semi-circular channel mounted above the pendulum's rotational joint. It is an interesting dynamic system that can be constructed and experimented with. This system seems to behave like a single degree of freedom system, i.e. that the ball's location is a kinematic function of the pendulum's angle. But this may not actually be the case. It depends on the nature of the motion of the ball with respect to the channel. If the ball rolls without slipping in the channel it is a single degree of freedom system. If the ball can slip and roll it is at a minimum a two degree of freedom system. In this notebook we will derive the equations of motion of the system considering the ball slips and doesn't roll in the channel.
from IPython.display import YouTubeVideo
YouTubeVideo('3pJdkssUdfU', width=600, height=480)
import sympy as sm
import numpy as np
sm.init_printing()
%matplotlib inline
Assumptions:
Create a symbol for each of the system's contant parameters.
mp, mb, r, l, g = sm.symbols('m_p, m_b, r, l, g', real=True, positive=True)
Create functions of time for each generalized coordinate.
t = sm.symbols('t')
theta = sm.Function('theta')(t)
phi = sm.Function('phi')(t)
theta.diff()
theta.diff(t)
Introduce two new variables for the generalized speeds:
$$ \alpha = \dot{\theta} \\ \beta = \dot{\phi} $$alpha = sm.Function('alpha')(t)
beta = sm.Function('beta')(t)
Tp = mp * (l * alpha)**2 / 2
Tp
Ball
Tb = mb / 2 * ((-r * alpha * sm.cos(theta) + beta * r * sm.cos(theta + phi))**2 +
(-r * alpha * sm.sin(theta) + beta * r * sm.sin(theta + phi))**2)
Tb
T = Tp + Tb
T
Each particle (pendulum bob and the ball) has a potential energy associated with how high the mass rises.
U = mp * g * (l - l * sm.cos(theta)) + mb * g * (r * sm.cos(theta) - r * sm.cos(theta + phi))
U
There are two generalized coordinates with two degrees of freedom and thus two equations of motion.
$$ 0 = f_\theta(\theta, \phi, \alpha, \beta, \dot{\alpha}, \dot{\beta}, t) \\ 0 = f_\phi(\theta, \phi, \alpha, \beta, \dot{\alpha}, \dot{\beta}, t) \\ $$L = T - U
L
gs_repl = {theta.diff(): alpha, phi.diff(): beta}
f_theta = L.diff(alpha).diff(t).subs(gs_repl) - L.diff(theta)
f_theta = sm.trigsimp(f_theta)
f_theta
f_phi = L.diff(beta).diff(t).subs(gs_repl) - L.diff(phi)
f_phi = sm.trigsimp(f_phi)
f_phi
f = sm.Matrix([f_theta, f_phi])
f
The equations are motion are based on Newton's second law and Euler's equations, thus it is guaranteed that terms in $\mathbf{f}$ that include $\dot{\mathbf{u}}$ are linear with respect to $\dot{\mathbf{u}}$. So the equations of motion can be written in this matrix form:
$$ \mathbf{f}(\mathbf{c}, \mathbf{s}, \dot{\mathbf{s}}, t) = \mathbf{I}(\mathbf{c}, t)\dot{\mathbf{s}} + \mathbf{g}(\mathbf{c}, \mathbf{s}, t) = 0 $$$\mathbf{I}$ is called the "mass matrix" of the nonlinear equations. If the derivatives of $\mathbf{f}$ with respect to $\dot{\mathbf{u}}$ are computed, i.e. the Jacobian of $\mathbf{f}$ with respect to $\dot{\mathbf{u}}$, then you can obtain the mass matrix.
sbar = sm.Matrix([alpha, beta])
sbar
Imat = f.jacobian(sbar.diff())
Imat
gbar = f.subs({alpha.diff(t): 0, beta.diff(t): 0})
gbar
The explicit first order form has all of the $\dot{\mathbf{s}}$ on the left hand side. This requires solving the linear system of equations:
$$\mathbf{I}\dot{\mathbf{s}}=-\mathbf{g}$$The mathematical solution is:
$$\dot{\mathbf{s}}=-\mathbf{I}^{-1}\mathbf{g}$$sdotbar = -Imat.inv() * gbar
sdotbar.simplify()
sdotbar
A better way to solve the system of linear equations is to use Guassian elmination. SymPy has a variety of methods for sovling linear systems. The LU decomposition method of Guassian elimination is a generally good choice for this and for large number of degrees of freedom this will provide reasonable computation time. For very large $n$ this should be done numerically instead of symbolically.
sdotbar = -Imat.LUsolve(gbar)
sdotbar.simplify()
sdotbar
Note the differences in timing below. For systems with a large number of degrees of freedom, this gap in timing will increase significantly.
%%timeit
-Imat.inv() * gbar
%%timeit
-Imat.LUsolve(gbar)
Resonance has a prepared system that is only missing the equations of motion.
from resonance.nonlinear_systems import BallChannelPendulumSystem
sys = BallChannelPendulumSystem()
sys.constants
sys.coordinates
sys.speeds
The full first order ordinary differential equations are:
$$ \dot{\theta} = \alpha \\ \dot{\phi} = \beta \\ \dot{\alpha} = f_{\alpha}(\theta, \phi, \alpha, \beta, t) \\ \dot{\beta} = f_{\beta}(\theta, \phi, \alpha, \beta, t) $$where:
$$ \dot{\mathbf{c}}=\begin{bmatrix} \theta \\ \phi \end{bmatrix} \\ \dot{\mathbf{s}}=-\mathbf{I}^{-1}\mathbf{g} = \begin{bmatrix} f_{\alpha}(\theta, \phi, \alpha, \beta, t) \\ f_{\beta}(\theta, \phi, \alpha, \beta, t) \end{bmatrix} $$Introducing:
$$\mathbf{x} = \begin{bmatrix} \mathbf{c} \\ \mathbf{s} \end{bmatrix}= \begin{bmatrix} \theta \\ \phi \\ \alpha \\ \beta \end{bmatrix} $$we have equations for:
$$\dot{\mathbf{x}} = \begin{bmatrix} \dot{\theta} \\ \dot{\phi} \\ \dot{\alpha} \\ \dot{\beta} \end{bmatrix} = \begin{bmatrix} \alpha \\ \beta \\ f_{\alpha}(\theta, \phi, \alpha, \beta, t) \\ f_{\beta}(\theta, \phi, \alpha, \beta, t) \end{bmatrix} $$To find $\mathbf{x}$ we must integrate $\dot{\mathbf{x}}$ with respect to time:
$$ \mathbf{x} = \int_{t_0}^{t_f} \dot{\mathbf{x}} dt $$Resonance uses numerical integration behind the scenes to compute this integral. Numerical integration routines typicall require that you write a function that computes the right hand side of the first order form of the differential equations. This function takes the current state and time and computes the derivative of the states.
SymPy's lambdify
function can convert symbolic expression into NumPy aware functions, i.e. Python functions that can accept NumPy arrays.
eval_alphadot = sm.lambdify((phi, theta, alpha, beta, mp, mb, l, r, g), sdotbar[0])
eval_alphadot(1, 2, 3, 4, 5, 6, 7, 8, 9)
eval_betadot = sm.lambdify((phi, theta, alpha, beta, mp, mb, l, r, g), sdotbar[1])
eval_betadot(1, 2, 3, 4, 5, 6, 7, 8, 9)
Now the right hand side (of the explicit ODEs) function can be written:
def rhs(phi, theta, alpha, beta, mp, mb, l, r, g):
theta_dot = alpha
phi_dot = beta
alpha_dot = eval_alphadot(phi, theta, alpha, beta, mp, mb, l, r, g)
beta_dot = eval_betadot(phi, theta, alpha, beta, mp, mb, l, r, g)
return theta_dot, phi_dot, alpha_dot, beta_dot
rhs(1, 2, 3, 4, 5, 6, 7, 8, 9)
This function also works with numpy arrays:
rhs(np.array([1, 2]), np.array([3, 4]), np.array([5, 6]), np.array([7, 8]), 9, 10, 11, 12, 13)
Add this function as the differential equation function of the system.
sys.diff_eq_func = rhs
Now the free_response
function can be called to simulation the nonlinear system.
traj = sys.free_response(20, sample_rate=500)
traj[['theta', 'phi']].plot(subplots=True);
sys.animate_configuration(fps=30, repeat=False)
This system four equilibrium points.
If you set the velocities and accelerations equal to zero in the equations of motion you can then solve for the coordinates that make these equations equal to zero. This is the static force balance equations.
static_repl = {alpha.diff(): 0, beta.diff(): 0, alpha: 0, beta: 0}
static_repl
f_static = f.subs(static_repl)
f_static
sm.solve(f_static, theta, phi)
Let's look at the simulation with the initial condition very close to an equilibrium point:
sys.coordinates['theta'] = np.deg2rad(180.0000001)
sys.coordinates['phi'] = -np.deg2rad(180.00000001)
traj = sys.free_response(20, sample_rate=500)
sys.animate_configuration(fps=30, repeat=False)
traj[['theta', 'phi']].plot(subplots=True);
This equlibrium point is an unstable equlibrium.
The equations of motion can be linearized about one of the equilibrium points. This can be done by computing the linear terms of the multivariate Taylor Series expansion. This expansion can be expressed as:
$$ \mathbf{f}_{linear} = \mathbf{f}(\mathbf{v}_{eq}) + \mathbf{J}_{f,v}(\mathbf{v}_{eq}) (\mathbf{v} - \mathbf{v}_{eq}) $$where $\mathbf{J}_f$ is the Jacobian of $\mathbf{f}$ with respect to $\mathbf{v}$ and:
$$ \mathbf{v} = \begin{bmatrix} \theta\\ \phi \\ \alpha \\ \beta \\ \dot{\alpha} \\ \dot{\beta} \end{bmatrix} $$In our case let's linearize about the static position where $\theta=\phi=0$.
f
v = sm.Matrix([theta, phi, alpha, beta, alpha.diff(), beta.diff()])
v
veq = sm.zeros(len(v), 1)
veq
v_eq_sub = dict(zip(v, veq))
v_eq_sub
The linear equations are then:
f_lin = f.subs(v_eq_sub) + f.jacobian(v).subs(v_eq_sub) * (v - veq)
f_lin
Note that all of the terms that involve the coordinates, speeds, and their derivatives are linear terms, i.e. simple linear coefficients. These linear equations can be put into this canonical form:
$$\mathbf{M}\dot{\mathbf{s}} + \mathbf{C}\mathbf{s} + \mathbf{K} \mathbf{c} = \mathbf{F}$$with:
The Jacobian can again be utlized to extract the linear coefficients.
cbar = sm.Matrix([theta, phi])
cbar
sbar
M = f_lin.jacobian(sbar.diff())
M
C = f_lin.jacobian(sbar)
C
K = f_lin.jacobian(cbar)
K
F = -f_lin.subs(v_eq_sub)
F
from resonance.linear_systems import BallChannelPendulumSystem
lin_sys = BallChannelPendulumSystem()
For linear systems, a function that calculates the canonical coefficient matrices should be created. Each of the canonical matrices should be created as 2 x 2 NumPy arrays.
def canon_coeff_matrices(mp, mb, l, g, r):
M = np.array([[mp * l**2 + mb * r**2, -mb * r**2],
[-mb * r**2, mb * r**2]])
C = np.zeros((2, 2))
K = np.array([[g * l * mp, g * mb * r],
[g * mb * r, g * mb * r]])
return M, C, K
lin_sys.canonical_coeffs_func = canon_coeff_matrices
M_num, C_num, K_num = lin_sys.canonical_coefficients()
M_num
C_num
K_num
lin_traj = lin_sys.free_response(20, sample_rate=500)
lin_traj[['theta', 'phi']].plot(subplots=True);
sys.coordinates['theta'] = np.deg2rad(10)
sys.coordinates['phi'] = np.deg2rad(-10)
lin_sys.coordinates['theta'] = np.deg2rad(10)
lin_sys.coordinates['phi'] = np.deg2rad(-10)
traj = sys.free_response(10.0)
lin_traj = lin_sys.free_response(10.0)
axes = traj[['theta', 'phi']].plot(subplots=True, color='red')
axes = lin_traj[['theta', 'phi']].plot(subplots=True, color='blue', ax=axes)
axes[0].legend([r'nonlin $\theta$', r'lin $\theta$'])
axes[1].legend([r'nonlin $\phi$', r'lin $\phi$']);