Skip to content

Commit

Permalink
fix isort
Browse files Browse the repository at this point in the history
  • Loading branch information
Niccolo-Ajroldi committed Oct 3, 2024
1 parent d4ad0eb commit cb7e162
Show file tree
Hide file tree
Showing 17 changed files with 17 additions and 17 deletions.
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an NAdamW optimizer with warmup+cosine LR in PyTorch."""

import math
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an NAdamW optimizer with warmup+cosine LR in PyTorch."""

import math
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an NAdamW optimizer with warmup+cosine LR in PyTorch."""

import math
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an NAdamW optimizer with warmup+cosine LR in PyTorch."""

import math
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Training algorithm track submission functions for CIFAR10."""

import functools
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from flax import jax_utils
import jax
Expand Down
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
"""Training algorithm track submission functions for CIFAR10."""

from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

import torch
from torch.optim.lr_scheduler import CosineAnnealingLR
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Training algorithm track submission functions for MNIST."""

import functools
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from flax import jax_utils
import jax
Expand Down
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
"""Training algorithm track submission functions for MNIST."""

from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

import torch

Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an Adafactor optimizer with warmup+cosine LR in Jax."""

import functools
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from flax import jax_utils
import jax
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for Adafactor in PyTorch."""

from functools import partial
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an AdamW optimizer with warmup+cosine LR in Jax."""

import functools
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from flax import jax_utils
import jax
Expand Down
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
"""Submission file for an AdamW optimizer with warmup+cosine LR in PyTorch."""

from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for a LAMB optimizer with warmup+cosine LR in Jax."""

import functools
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from flax import jax_utils
import jax
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for a LAMB optimizer with warmup+cosine LR in PyTorch."""

import math
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for an NAdamW optimizer with warmup+cosine LR in PyTorch."""

import math
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from absl import logging
import torch
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
"""Submission file for a Shampoo optimizer with warmup+cosine LR in Jax."""

import functools
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from flax import jax_utils
import jax
Expand Down
2 changes: 1 addition & 1 deletion submissions/template/submission.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
and https://github.com/mlcommons/algorithmic-efficiency/blob/main/DOCUMENTATION.md#disallowed-submissions
for guidelines.
"""
from typing import Dict, Iterator, List, Tuple, Any
from typing import Any, Dict, Iterator, List, Tuple

from algorithmic_efficiency import spec

Expand Down

0 comments on commit cb7e162

Please sign in to comment.