Skip to content

Conversation

@VolodyaCO
Copy link
Collaborator

This PR adds an orthogonal layer given by Givens rotations, using the parallel algorithm described by Firas in https://arxiv.org/abs/2106.00003, which gives a forward complexity of O(n) and backward complexity of O(n log(n)), even though there are O(n^2) rotations.

This PR still is in draft. I wrote it for even n. Probably some more unit tests are to be done, but I am quite lazy (will do it after all math is checked for odd n).

@VolodyaCO VolodyaCO requested a review from kevinchern December 19, 2025 00:01
@VolodyaCO VolodyaCO self-assigned this Dec 19, 2025
@VolodyaCO VolodyaCO added the enhancement New feature or request label Dec 19, 2025
@VolodyaCO
Copy link
Collaborator Author

I somehow broke @kevinchern's tests, what the hell...

def test_store_config(self):
with self.subTest("Simple case"):

class MyModel(torch.nn.Module):
Copy link
Collaborator

@kevinchern kevinchern Dec 19, 2025

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Remove formatting changes. Is this "black" formatting?

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Yes. I have it by default on my vscode

@kevinchern
Copy link
Collaborator

kevinchern commented Dec 19, 2025

I somehow broke @kevinchern's tests, what the hell...

@VolodyaCO which tests? I'm seeing test_forward_agreement and test_backward_agreement failures on this CI test

@VolodyaCO
Copy link
Collaborator Author

I somehow broke @kevinchern's tests, what the hell...

@VolodyaCO which tests? I'm seeing test_forward_agreement and test_backward_agreement failures on this CI test

I forgot to update my tests to float64 precision. Now that I've done it, it's weird that all of the current failing tests are failing on

  File "/Users/distiller/project/tests/test_nn.py", line 144, in test_LinearBlock
    self.assertTrue(model_probably_good(model, (din,), (dout,)))

@kevinchern
Copy link
Collaborator

I somehow broke @kevinchern's tests, what the hell...

@VolodyaCO which tests? I'm seeing test_forward_agreement and test_backward_agreement failures on this CI test

I forgot to update my tests to float64 precision. Now that I've done it, it's weird that all of the current failing tests are failing on

  File "/Users/distiller/project/tests/test_nn.py", line 144, in test_LinearBlock
    self.assertTrue(model_probably_good(model, (din,), (dout,)))

Ahhhhhh. OK Theo also flagged this at #50 . It's a poorly-written test.. you can ignore it.

@VolodyaCO VolodyaCO marked this pull request as ready for review December 26, 2025 17:28
Returns:
list[list[tuple[int, int]]]: Blocks of edges for parallel Givens rotations.
Note:
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Where should I put this? in the release notes? or in the docstring itself?

Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Simply change the Note: to

.. note::

    Lorem ipsum...

which would render a note box if we generate docs with Sphinx.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I have done this now

Comment on lines 81 to 85
angles (torch.Tensor): A ((n - 1) * n // 2,) shaped tensor containing all rotations
between pairs of dimensions.
blocks (torch.Tensor): A (n-1, n//2, 2) shaped tensor containing the indices that
specify rotations between pairs of dimensions. Each of the n-1 blocks contains n//2
pairs of independent rotations.
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Code formatting?

Suggested change
angles (torch.Tensor): A ((n - 1) * n // 2,) shaped tensor containing all rotations
between pairs of dimensions.
blocks (torch.Tensor): A (n-1, n//2, 2) shaped tensor containing the indices that
specify rotations between pairs of dimensions. Each of the n-1 blocks contains n//2
pairs of independent rotations.
angles (torch.Tensor): A ``((n - 1) * n // 2,)`` shaped tensor containing all rotations
between pairs of dimensions.
blocks (torch.Tensor): A ``(n - 1, n // 2, 2)`` shaped tensor containing the indices that
specify rotations between pairs of dimensions. Each of the n-1 blocks contains n // 2
pairs of independent rotations.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Done, thanks.

"""
# Blocks is of shape (n_blocks, n/2, 2) containing indices for angles
# Within each block, each Givens rotation is commuting, so we can apply them in parallel
U = torch.eye(n, device=angles.device, dtype=angles.dtype)
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Slight preference to keep variables lower-case.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I changed this in the main GivensRotationLayer class. In the other code, I kept the capital letters just so that if someone is reading the algorithm in the paper alongside the code, each part of the algorithm is more easily understood.

Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I also favour variable names in lower case with upper case reserved for constants, primarily because it is a widely adopted convention. I agree having a 1-1 correspondence between paper notation and implementation is important for readability, but I think making exceptions paper-by-paper can become messy. I suggest noting the correspondence between variable names and paper notation in the docstring.
--
I think I snuck in some upper case variable names in the codebase... should track those down at some point 😅

Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Playing devils' advocate against myself here: sometimes descriptive variable names are unnecessarily verbose and unhelpful in describing the algorithm.
🤷‍♀️

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I think that for some algorithms, readers are more used to certain notations, for example, that U is orthogonal (actually orthonormal). I would make a vote for picking a convention 😆

Comment on lines +122 to +129
angles, blocks, Ufwd_saved = ctx.saved_tensors
Ufwd = Ufwd_saved.clone()
M = grad_output.t() # dL/dU, i.e., grad_output is of shape (n, n)
n = M.size(1)
block_size = n // 2
A = torch.zeros((block_size, n), device=angles.device, dtype=angles.dtype)
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Same here re lowercase for Ufwd, M, and A. Avoids incorrect colour highlighting in themes.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Hmmm, I didn't read this about the incorrect colour highlighting before I made my previous comment. I still think that it is easier to read the algorithm alongside the code if the use of lower/upper case match. For example, lower case m is usually used for an integer variable, not a tensor.

return U

@staticmethod
def backward(ctx, grad_output: torch.Tensor):
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Missing return type hint.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I added the type hint as well as a longer explanation on what this return is.

U = self._create_rotation_matrix()
rotated_x = einsum(x, U, "... i, o i -> ... o")
if self.bias is not None:
rotated_x = rotated_x + self.bias
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Suggested change
rotated_x = rotated_x + self.bias
rotated_x += self.bias

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Done.

from einops import einsum


class NaiveGivensRotationLayer(nn.Module):
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I'm not very keen on having a full on separate implementation here just to compare with/test the GivensRotationLayer. If this NaiveGivensRotationLayer is useful, should it be part of the package instead?

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

We discussed this in our one on one but, just for the record, there is no difference between the NaiveGivensRotationLayer and the GivensRotationLayer in the forward or backward passes. The naïve implementation is there to make sure that the forward and backward passes indeed match. The GivensRotationLayer should always be used because it has a substantially better runtime complexity. Thus, the naïve implementation is not useful—other than for a sanity check.

tests/test_nn.py Outdated
Comment on lines 91 to 92
@parameterized.expand([(n, bias) for n in [4, 5, 6, 9, 10] for bias in [True, False]])
def test_forward_agreement(self, n, bias):
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

These tests do seem a bit too.. complex. Better to try and test more minimal aspects of the class, if possible. I'd much rather have separate integration-like tests that can assert that model behave as expected, while having these be strictly, small scale, isolated unit tests.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I added some tests to test invalid inputs too. These forward and backward tests are for testing that the correct input/output is given when compared to the naïve implementation. The model_probably_good test is done as unit test.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I added other unit tests where I test incorrect inputs as well. In ML models, the forward and backward passes should be what one expects them to be, and this module gives the opportunity to test this correctly. I do agree that we should separate other tests that (at least) I wrote, which have to do with training a model to see if the intended final trained state is what is expected. However, the tests I present in this PR are not the result of training but explicit comparisons with the naïve approach; I don't know if we could regard those as integration tests.

@VolodyaCO
Copy link
Collaborator Author

After a bit of git wrangling, I was able to clean my whole mess of merge commits 😆.

Copy link
Collaborator

@anahitamansouri anahitamansouri left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

This is a nice PR Vlad. It took me a while to go over the paper and this PR :) The only thing is the tests that are failing. Thanks for the great work.

self.n = n
self.n_angles = n * (n - 1) // 2
self.angles = nn.Parameter(torch.randn(self.n_angles))
blocks_edges = _get_blocks_edges(n)
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

You could directly return torch.LongTensor from get_blocks_edges to avoid the conversion.

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I set _get_blocks_edges to a private function, so it shouldn't make a difference if I convert the list to a tensor in the orthogonal module or in the function itself.

Copy link
Collaborator

@kevinchern kevinchern left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Did a quick pass to provide some feedback before taking some time to take a deep dive into the paper.



def _get_blocks_edges(n: int) -> list[list[tuple[int, int]]]:
"""Uses the circle method for Round Robin pairing to create blocks of edges for parallel Givens
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Suggested change
"""Uses the circle method for Round Robin pairing to create blocks of edges for parallel Givens
"""Uses the circle method for round-robin pairing to create blocks of edges for parallel Givens

(and other occurrences)

Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Should _get_blocks_edges should be a method in GivensRotation instead? The orthogonal module is general while this function is a helper function bespoke to GivensRotation.
cc @thisac

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Maybe... though what would be the attribute of GivensRotation used in _get_blocks_edges? n only?

return grad_theta, None, None


class GivensRotationLayer(nn.Module):
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Can we rename to GivensRotation (parallel to nn.Linear)

Comment on lines +44 to +48
if n % 2 != 0:
n += 1 # Add a dummy dimension for odd n
is_odd = True
else:
is_odd = False
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Could be cleaner like this 😛

Suggested change
if n % 2 != 0:
n += 1 # Add a dummy dimension for odd n
is_odd = True
else:
is_odd = False
odd = n % 2 != 0
if odd:
n += 1

or

odd = n % 2 ! = 0
n += odd

but this is less obvious.. (edit: not a big fan of n+=odd notation 😆)

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

It is cleaner! (the first suggestion, not the n+=odd 😆 )

ignored.
"""
if n % 2 != 0:
n += 1 # Add a dummy dimension for odd n
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Rule-of-thumb for comments: explain the "why" or motivation as opposed to "what" (which is clear in this context)

for _ in range(n - 1):
pairs = circle_method(sequence)
if is_odd:
# Remove pairs involving the dummy dimension:
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Suggested change
# Remove pairs involving the dummy dimension:
# Remove pairs involving the dummy dimension


@staticmethod
def backward(ctx, grad_output: torch.Tensor) -> tuple[torch.Tensor, None, None]:
"""Computes the VJP needed for backward propagation.
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Suggested change
"""Computes the VJP needed for backward propagation.
"""Computes the vector-Jacobian product needed for backward propagation.

idx_block = torch.arange(block_size, device=angles.device)
for b, block in enumerate(blocks):
# angles is of shape (n_angles,) containing all angles for contiguous blocks.
angles_in_block = angles[idx_block + b * blocks.size(1)] # shape (n/2,)
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Suggested change
angles_in_block = angles[idx_block + b * blocks.size(1)] # shape (n/2,)
angles_in_block = angles[idx_block + b * block_size] # shape (n/2,)

If I understand correctly, blocks.size(1) will be block_size

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Ah yes, while writing the algorithm I though blocks could have different sizes if n is odd, but that is not true. All blocks will have the same block size.

Comment on lines +99 to +104
c = torch.cos(angles_in_block)
s = torch.sin(angles_in_block)
i_idx = block[:, 0]
j_idx = block[:, 1]
r_i = c.unsqueeze(0) * U[:, i_idx] + s.unsqueeze(0) * U[:, j_idx]
r_j = -s.unsqueeze(0) * U[:, i_idx] + c.unsqueeze(0) * U[:, j_idx]
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Unsqueeze once in the beginning

Suggested change
c = torch.cos(angles_in_block)
s = torch.sin(angles_in_block)
i_idx = block[:, 0]
j_idx = block[:, 1]
r_i = c.unsqueeze(0) * U[:, i_idx] + s.unsqueeze(0) * U[:, j_idx]
r_j = -s.unsqueeze(0) * U[:, i_idx] + c.unsqueeze(0) * U[:, j_idx]
c = torch.cos(angles_in_block).unsqueeze(0)
s = torch.sin(angles_in_block).unsqueeze(0)
i_idx = block[:, 0]
j_idx = block[:, 1]
r_i = c * U[:, i_idx] + s * U[:, j_idx]
r_j = -s * U[:, i_idx] + c * U[:, j_idx]

U = torch.eye(n, device=angles.device, dtype=angles.dtype)
block_size = n // 2
idx_block = torch.arange(block_size, device=angles.device)
for b, block in enumerate(blocks):
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

If we commit to using paper variable names here, we should be consistent and use, e.g., B instead of blocks.
If that's the case, I'd prefer to be a little more wasteful and have B = blocks to keep the input argument blocks instead of B. This inconsistency makes me lean towards named variables more (with a look-up table in the docstring).

Comment on lines +103 to +104
r_i = c.unsqueeze(0) * U[:, i_idx] + s.unsqueeze(0) * U[:, j_idx]
r_j = -s.unsqueeze(0) * U[:, i_idx] + c.unsqueeze(0) * U[:, j_idx]
Copy link
Collaborator

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Are r_i and r_j are backwards?
I think it should be:

  • $\cos - \sin$ for i, and
  • $\sin + \cos$ for j.
    Not sure if this has a significant impact on validity of method. If it does, then tests should be revised first to see why this error was not detected

Copy link
Collaborator Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Yes... well... in the paper the rotation matrices were written the other way around, I think. I did the math separately and this way everything is consistent.

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Labels

enhancement New feature or request

Projects

None yet

Development

Successfully merging this pull request may close these issues.

4 participants