nschaetti / EchoTorch

A Python toolkit for Reservoir Computing and Echo State Network experimentation based on pyTorch. EchoTorch is the only Python module available to easily create Deep Reservoir Computing models.
https://nschaetti.github.io/echotorch.github.io/
GNU General Public License v3.0
441 stars 117 forks source link

Added missing dot that screws up my import #9

Closed awarebayes closed 3 years ago

awarebayes commented 5 years ago

Full error log: ModuleNotFoundError Traceback (most recent call last)

in () 1 import torch 2 import torch.optim as optim ----> 3 import echotorch.nn as etnn 4 import echotorch.utils 5 import torch.nn as nn /opt/conda/lib/python3.6/site-packages/echotorch/__init__.py in () 4 # Imports 5 from . import datasets ----> 6 from . import models 7 from . import nn 8 from . import utils /opt/conda/lib/python3.6/site-packages/echotorch/models/__init__.py in () 22 # Imports 23 from .HNilsNet import HNilsNet ---> 24 from .NilsNet import NilsNet /opt/conda/lib/python3.6/site-packages/echotorch/models/NilsNet.py in () 23 import torchvision 24 import torch.nn as nn ---> 25 from echotorch import nn as ecnn 26 27 /opt/conda/lib/python3.6/site-packages/echotorch/nn/__init__.py in () 3 4 # Imports ----> 5 from .BDESN import BDESN 6 from .BDESNPCA import BDESNPCA 7 from .BDESNCell import BDESNCell /opt/conda/lib/python3.6/site-packages/echotorch/nn/BDESN.py in () 30 import torch.nn as nn 31 from torch.autograd import Variable ---> 32 from .BDESNCell import BDESNCell 33 from .RRCell import RRCell 34 /opt/conda/lib/python3.6/site-packages/echotorch/nn/BDESNCell.py in () 29 import torch 30 import torch.nn as nn ---> 31 from .LiESNCell import LiESNCell 32 import numpy as np 33 from torch.autograd import Variable /opt/conda/lib/python3.6/site-packages/echotorch/nn/LiESNCell.py in () 29 import torch.nn as nn 30 from torch.autograd import Variable ---> 31 from .ESNCell import ESNCell 32 import matplotlib.pyplot as plt 33 /opt/conda/lib/python3.6/site-packages/echotorch/nn/ESNCell.py in () 29 from torch.autograd import Variable 30 import torch.nn as nn ---> 31 import echotorch.utils 32 import numpy as np 33 /opt/conda/lib/python3.6/site-packages/echotorch/utils/__init__.py in () 4 # Imports 5 from .error_measures import nrmse, nmse, rmse, mse, perplexity, cumperplexity, generalized_squared_cosine ----> 6 from .utility_functions import spectral_radius, deep_spectral_radius, normalize, average_prob, max_average_through_time, compute_singular_values, compute_similarity_matrix, find_phase_shift 7 from .visualisation import show_3d_timeseries, show_2d_timeseries, show_1d_timeseries, neurons_activities_1d, neurons_activities_2d, neurons_activities_3d, plot_singular_values, show_similarity_matrix, show_conceptors_similarity_matrix, show_sv_for_increasing_aperture 8 /opt/conda/lib/python3.6/site-packages/echotorch/utils/utility_functions.py in () 7 from sklearn.decomposition import PCA 8 import numpy as np ----> 9 from error_measures import generalized_squared_cosine 10 from .error_measures import nrmse 11 import math
awarebayes commented 5 years ago

Hey, consider also adding dots to:

from ConceptorNet import ConceptorNet
from ConceptorNetCell import ConceptorNetCell
from ConceptorPool import ConceptorPool

in nn/init.py

cos it also seems to be a problem.

VieVie31 commented 5 years ago

Oups, I just saw I did the same corrections as you... but I added also in the text transform module...

VieVie31 commented 5 years ago

https://github.com/nschaetti/EchoTorch/pull/10