Skip to content

Commit

Permalink
Change all pylie to pymlg
Browse files Browse the repository at this point in the history
  • Loading branch information
CharlesCossette committed Jul 28, 2023
1 parent 9752e0d commit 2cf6169
Show file tree
Hide file tree
Showing 24 changed files with 27 additions and 27 deletions.
4 changes: 2 additions & 2 deletions README.rst
Original file line number Diff line number Diff line change
Expand Up @@ -33,7 +33,7 @@ Clone this repo, change to its directory, and execute
pip install -e .
This command should automatically install all dependencies, including our package `pylie` (found at https://github.com/decargroup/pylie) for back-end Lie group mathematical operations.
This command should automatically install all dependencies, including our package `pymlg` (found at https://github.com/decargroup/pymlg) for back-end Lie group mathematical operations.

Examples
^^^^^^^^
Expand Down Expand Up @@ -105,7 +105,7 @@ As another more complicated example, a state object belonging to the SE(3) Lie g
.. code-block:: python
from navlie.types import State
from pylie import SE3
from pymlg import SE3
import numpy as np
class SE3State(State):
Expand Down
2 changes: 1 addition & 1 deletion examples/ex_inertial_nav.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
"""
from typing import List
import numpy as np
from pylie import SE23
from pymlg import SE23
from navlie.lib import (
IMU,
IMUState,
Expand Down
2 changes: 1 addition & 1 deletion examples/ex_invariant_so3.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
SO3State,
)
import navlie as nav
from pylie import SO3
from pymlg import SO3
import numpy as np


Expand Down
2 changes: 1 addition & 1 deletion navlie/lib/datasets.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,7 @@
GlobalPosition,
)
import numpy as np
from pylie import SE3, SE23
from pymlg import SE3, SE23


class SimulatedPoseRangingDataset(nav.Dataset):
Expand Down
2 changes: 1 addition & 1 deletion navlie/lib/imu.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
from pylie import SO3, SE23
from pymlg import SO3, SE23
import numpy as np
from navlie.types import ProcessModel, Input
from typing import Any, List, Tuple
Expand Down
2 changes: 1 addition & 1 deletion navlie/lib/models.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@
MatrixLieGroupState,
VectorState,
)
from pylie import SO2, SO3
from pymlg import SO2, SO3
import numpy as np
from typing import List, Any
from scipy.linalg import block_diag
Expand Down
2 changes: 1 addition & 1 deletion navlie/lib/preintegration.py
Original file line number Diff line number Diff line change
Expand Up @@ -12,7 +12,7 @@
)
from navlie.lib.states import MatrixLieGroupState, VectorState
import numpy as np
from pylie import SO3, SE3, SE2, SE23, MatrixLieGroup
from pymlg import SO3, SE3, SE2, SE23, MatrixLieGroup


class RelativeMotionIncrement(Input):
Expand Down
6 changes: 3 additions & 3 deletions navlie/lib/states.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
from pylie import SO2, SO3, SE2, SE3, SE23, SL3
from pylie.numpy.base import MatrixLieGroup
from pymlg import SO2, SO3, SE2, SE3, SE23, SL3
from pymlg.numpy.base import MatrixLieGroup
import numpy as np
from navlie.types import State
from typing import Any, List
Expand Down Expand Up @@ -77,7 +77,7 @@ def __init__(
coordinates. Otherwise, the value must be a 2D numpy array representing
a direct element of the group in matrix form.
group : MatrixLieGroup
A `pylie.MatrixLieGroup` class, such as `pylie.SE2` or `pylie.SO3`.
A `pymlg.MatrixLieGroup` class, such as `pymlg.SE2` or `pymlg.SO3`.
stamp : float, optional
timestamp, by default None
state_id : Any, optional
Expand Down
2 changes: 1 addition & 1 deletion setup.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
"scipy>=1.7.1",
"matplotlib>=3.4.3",
"joblib>=1.2.0",
"pylie @ git+https://github.com/decargroup/pylie@main",
"pymlg @ git+https://github.com/decargroup/pymlg@main",
"tqdm>=4.64.1",
"seaborn>=0.11.2",
],
Expand Down
2 changes: 1 addition & 1 deletion tests/integration/test_batch_noiseless.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
from navlie.filters import ExtendedKalmanFilter, run_filter
from navlie.utils import GaussianResult, GaussianResultList, plot_error, randvec
from navlie.batch.estimator import BatchEstimator
from pylie import SO3, SE3
from pymlg import SO3, SE3
import numpy as np
import matplotlib.pyplot as plt

Expand Down
2 changes: 1 addition & 1 deletion tests/integration/test_filter_ekf_basic.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
Gravitometer,
RangePoseToAnchor,
)
from pylie import SE3
from pymlg import SE3

import numpy as np
from typing import List
Expand Down
2 changes: 1 addition & 1 deletion tests/integration/test_filter_ekf_noiseless.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
Gravitometer,
RangePoseToAnchor,
)
from pylie import SE3
from pymlg import SE3

import numpy as np
from typing import List
Expand Down
2 changes: 1 addition & 1 deletion tests/integration/test_interacting_multiple_models.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,7 @@
Gravitometer,
)
from navlie.lib.models import RangePoseToAnchor
from pylie import SE3
from pymlg import SE3

import numpy as np
from typing import List
Expand Down
2 changes: 1 addition & 1 deletion tests/integration/test_iterated_ekf.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from navlie.filters import ExtendedKalmanFilter, IteratedKalmanFilter
from navlie.utils import GaussianResult, GaussianResultList, randvec, monte_carlo
from navlie.types import StateWithCovariance, State
from pylie import SE3
from pymlg import SE3
import numpy as np
from typing import List
import pytest
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_batch_residuals.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from navlie.lib.models import SingleIntegrator, BodyFrameVelocity, GlobalPosition
from navlie.batch.estimator import PriorResidual, ProcessResidual, MeasurementResidual
from navlie.lib.states import VectorState, SE3State
from pylie import SE3
from pymlg import SE3
import numpy as np

def test_prior_residual_vector():
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_body_velocity.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
RangePoseToAnchor,
RelativeBodyFrameVelocity,
)
from pylie import SO2, SO3, SE3, SE2, SE3, SE23
from pymlg import SO2, SO3, SE3, SE2, SE3, SE23
import numpy as np
import pytest
from navlie.types import StampedValue
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_camera.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
from navlie.lib.camera import Camera, PoseMatrix
import numpy as np
from pylie import SE3
from pymlg import SE3


def test_valid_measurements():
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_composite.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
RangeRelativePose,
CompositeInput,
)
from pylie import SE2
from pymlg import SE2
import numpy as np
import pickle
import os
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_imu.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@
G_matrix,
G_matrix_inv,
)
from pylie import SE23, SO3
from pymlg import SE23, SO3
import numpy as np
from math import factorial
import pytest
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_meas_models.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
GlobalVelocity,
)
from navlie.types import Measurement, MeasurementModel
from pylie import SO3, SE3, SE2, SE3, SE23
from pymlg import SO3, SE3, SE2, SE3, SE23
import numpy as np
import pytest

Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_preintegration.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,7 +11,7 @@
from navlie.filters import ExtendedKalmanFilter
from navlie.lib.states import SE3State, VectorState
import numpy as np
from pylie import SE23, SE2, SE3, SO3
from pymlg import SE23, SE2, SE3, SO3
from navlie.types import StampedValue, StateWithCovariance
import pytest

Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_spkf.py
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
from navlie.lib.states import MatrixLieGroupState, VectorState, SE3State
import numpy as np
from navlie.filters import mean_state, generate_sigmapoints
from pylie import SE3
from pymlg import SE3
np.random.seed(0)

def test_mean_state_vector():
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_states.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@
MatrixLieGroupState
)
from navlie.types import State
from pylie import SO3, SE3
from pymlg import SO3, SE3
import numpy as np
import pytest
import sys
Expand Down
2 changes: 1 addition & 1 deletion tests/unit/test_utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
SE3State,
SO3State,
)
from pylie import (
from pymlg import (
SE23, SE3, SO3
)
import numpy as np
Expand Down

0 comments on commit 2cf6169

Please sign in to comment.