Skip to content

Commit

Permalink
Merge pull request #170 from geometric-intelligence/reorg
Browse files Browse the repository at this point in the history
Reorg
  • Loading branch information
franciscoeacosta authored Aug 26, 2024
2 parents 4c4f3d7 + 4bc06d8 commit 1a7e96b
Show file tree
Hide file tree
Showing 92 changed files with 34 additions and 39,453 deletions.
21 changes: 8 additions & 13 deletions .gitignore
Original file line number Diff line number Diff line change
Expand Up @@ -4,26 +4,22 @@
neurometry/results/*
neurometry/wandb/*

neurometry/datasets/rnn_grid_cells/Dual agent path integration high res/*
neurometry/datasets/rnn_grid_cells/Single agent path integration high res/*
neurometry/curvature/grid-cells-curvature/models/xu_rnn/results/*
neurometry/curvature/grid-cells-curvature/multi-agent/*

neurometry/neuroai/piRNNs/models/results/*
neurometry/neuroai/piRNNs/multi-agent/*
notebooks/

*viewer*
*vizcortex*
# Data files
*.mat
*.npy
*.pkl
*.jpg
neurometry/curvature/data/raw/*.mat
neurometry/curvature/data/binned/*.txt
neurometry/curvature/data/binned/*.npy
neurometry/curvature/data/data.zip
neurometry/curvature/data/old_data.zip
neurometry/geometry/curvature/data/raw/*.mat
neurometry/geometry/curvature/data/binned/*.txt
neurometry/geometry/curvature/data/binned/*.npy
neurometry/geometry/curvature/data/data.zip
neurometry/geometry/curvature/data/old_data.zip
neurometry/rep_metrics/benchmarks/ceilings/*
neurometry/rep_metrics/benchmarks/image_sets/*
neurometry/rep_metrics/benchmarks/voxel_sets/*
Expand All @@ -36,15 +32,14 @@ neurometry/datasets/rnn_grid_cells/Single agent path integration/*
*wandb/*
*logs/*

neurometry/curvature/grid-cells-curvature/models/xu_rnn/logs/*
neurometry/curvature/grid-cells-curvature/models/xu_rnn/wandb/*

neurometry/neuroai/piRNNs/models/logs/*
neurometry/neuroai/piRNNs/models/wandb/*
neurometry/neuroai/piRNNs/models/pretrained/*


# Result files
neurometry/curvature/results/*
neurometry/geometry/curvature/results/*
neurometry/neuralwarp/results/*
neurometry/rep_metrics/results/*
*.png
Expand Down
File renamed without changes.
File renamed without changes.
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -5,10 +5,11 @@
import torch
from tqdm import tqdm

from neurometry.datasets.piRNNs.scores import GridScorer

from .config import parser
from .model_dual_path_integration import RNN
from .place_cells_dual_path_integration import PlaceCells
from .scores import GridScorer
from .trajectory_generator_dual_path_integration import TrajectoryGenerator
from .utils import generate_run_ID
from .visualize import compute_ratemaps
Expand Down
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -6,10 +6,11 @@
import torch
from tqdm import tqdm

from neurometry.datasets.piRNNs.scores import GridScorer

from .config import parser
from .model import RNN
from .place_cells import PlaceCells
from .scores import GridScorer
from .trajectory_generator import TrajectoryGenerator
from .utils import generate_run_ID
from .visualize import compute_ratemaps
Expand Down
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -10,10 +10,10 @@
import yaml
from sklearn.cluster import DBSCAN

from neurometry.datasets.rnn_grid_cells.scores import GridScorer
from neurometry.datasets.piRNNs.scores import GridScorer

# sys.path.append(str(Path(__file__).parent.parent))
from .rnn_grid_cells import config, dual_agent_activity, single_agent_activity, utils
from .dual_agent import config, dual_agent_activity, single_agent_activity, utils


def load_rate_maps(run_id, step):
Expand Down
File renamed without changes.
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -8,13 +8,13 @@
import yaml
from sklearn.decomposition import PCA

from neurometry.datasets.load_rnn_grid_cells import get_scores, umap_dbscan
from neurometry.dimension.dim_reduction import (
from neurometry.datasets.piRNNs.load_rnn_grid_cells import get_scores, umap_dbscan
from neurometry.geometry.dimension.dim_reduction import (
plot_2d_manifold_projections,
plot_pca_projections,
)
from neurometry.topology.persistent_homology import compute_diagrams_shuffle
from neurometry.topology.plotting import plot_all_barcodes_with_null
from neurometry.geometry.topology.persistent_homology import compute_diagrams_shuffle
from neurometry.geometry.topology.plotting import plot_all_barcodes_with_null

pretrained_run_id = "20240418-180712"
pretrained_run_dir = os.path.join(
Expand Down
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
14 changes: 0 additions & 14 deletions neurometry/decorators.py

This file was deleted.

3 changes: 3 additions & 0 deletions neurometry/geometry/__init__.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,3 @@
"""Initialize folder as submodule."""

__version__ = "0.0.1"
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@
import torch
from torch.distributions.multivariate_normal import MultivariateNormal

from neurometry.topology.persistent_homology import (
from neurometry.geometry.topology.persistent_homology import (
cohomological_circular_coordinates,
cohomological_toroidal_coordinates,
)
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -6,9 +6,9 @@
import torch
from scipy.signal import savgol_filter

from neurometry.curvature.datasets.experimental import load_neural_activity
from neurometry.curvature.datasets.gridcells import load_grid_cells_synthetic
from neurometry.curvature.datasets.synthetic import (
from neurometry.geometry.curvature.datasets.experimental import load_neural_activity
from neurometry.geometry.curvature.datasets.gridcells import load_grid_cells_synthetic
from neurometry.geometry.curvature.datasets.synthetic import (
load_images,
load_place_cells,
load_points,
Expand Down
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import numpy as np
import torch

from neurometry.curvature.datasets.synthetic import (
from neurometry.geometry.curvature.datasets.synthetic import (
get_s1_synthetic_immersion,
get_s2_synthetic_immersion,
get_t2_synthetic_immersion,
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,10 +3,10 @@
import torch
from torch.distributions.kl import register_kl

from neurometry.curvature.hyperspherical.distributions.hyperspherical_uniform import (
from neurometry.geometry.curvature.hyperspherical.distributions.hyperspherical_uniform import (
HypersphericalUniform,
)
from neurometry.curvature.hyperspherical.ops.ive import ive
from neurometry.geometry.curvature.hyperspherical.ops.ive import ive


class VonMisesFisher(torch.distributions.Distribution):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@

import torch

from neurometry.curvature.hyperspherical.distributions import (
from neurometry.geometry.curvature.hyperspherical.distributions import (
hyperspherical_uniform,
von_mises_fisher,
)
Expand Down
File renamed without changes.
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
import torch
from torch.nn import functional as F

from neurometry.curvature.hyperspherical.distributions.von_mises_fisher import (
from neurometry.geometry.curvature.hyperspherical.distributions.von_mises_fisher import (
VonMisesFisher,
)

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
from torch.distributions.normal import Normal
from torch.nn import functional as F

from neurometry.curvature.hyperspherical.distributions.von_mises_fisher import (
from neurometry.geometry.curvature.hyperspherical.distributions.von_mises_fisher import (
VonMisesFisher,
)

Expand Down
File renamed without changes.
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
import torch
from torch.nn import functional as F

from neurometry.curvature.hyperspherical.distributions.von_mises_fisher import (
from neurometry.geometry.curvature.hyperspherical.distributions.von_mises_fisher import (
VonMisesFisher,
)

Expand Down
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
1 change: 1 addition & 0 deletions neurometry/geometry/warping/__init__.py
Original file line number Diff line number Diff line change
@@ -0,0 +1 @@
"""Initialize folder as submodule."""
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes
File renamed without changes.
3 changes: 0 additions & 3 deletions neurometry/neuroai/piRNNs/README.md

This file was deleted.

142 changes: 0 additions & 142 deletions neurometry/neuroai/piRNNs/make_animation.py

This file was deleted.

Loading

0 comments on commit 1a7e96b

Please sign in to comment.