You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
When trying to use the repo in a Colab notebook, in the import section:
# Setup
import torch
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
from torch.utils.data import TensorDataset, DataLoader
from torch.utils.tensorboard import SummaryWriter
from torchvision import datasets, transforms
import math
from torchsummary import summary
from tqdm import tqdm
import numpy as np
import matplotlib.pyplot as plt
# Additional Setup for MNIST-1D
!git clone https://github.com/greydanus/mnist1d
import mnist1d
from mnist1d.data import get_templates, get_dataset_args, get_dataset
from mnist1d.utils import set_seed, plot_signals, ObjectView, from_pickle
# Additional Setup to use Tensorboard
!pip install -q tensorflow
%load_ext tensorboard
When trying to use the repo in a Colab notebook, in the import section:
I obtain the following error:
I solved it by editing the data.py and utils.py files on lines 8, 9 (
data.py
) and 8 (utilis.py
):data.py
:modified
with
utils.py
modified
from mnist1d.transform import transform
with
from .transform import transform
The text was updated successfully, but these errors were encountered: