Hugging Face
Models
Datasets
Spaces
Posts
Docs
Enterprise
Pricing
Log In
Sign Up
Spaces:
PaulMest
/
catan
like
0
Runtime error
App
Files
Files
Community
014b6b2
catan
2 contributors
History:
8 commits
PaulMest
Attempt #4b - pin same version of requirements from paperspace but remove cuda pinning
014b6b2
almost 2 years ago
.gitattributes
Safe
1.48 kB
initial commit
about 2 years ago
README.md
Safe
241 Bytes
initial commit
about 2 years ago
app.py
889 Bytes
Attempt #3 - does adding is_catan make this work??
almost 2 years ago
board-game-catan-IMG_4671.jpg
738 kB
Attempt #1
about 2 years ago
catan-model-paperspace.pkl
Unsafe
pickle
Detected Pickle imports (78)
"_codecs.encode"
,
"fastai.losses.CrossEntropyLossFlat"
,
"inspect._ParameterKind"
,
"fastcore.dispatch._TypeDict"
,
"fastai.optimizer.Adam"
,
"fastai.data.transforms.ToTensor"
,
"fastai.metrics.error_rate"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"fastai.torch_core.TensorCategory"
,
"fastai.learner.AvgSmoothLoss"
,
"fastai.imports.noop"
,
"fastai.learner.Recorder"
,
"fastai.data.transforms.Normalize"
,
"collections.OrderedDict"
,
"fastai.torch_core.TensorImage"
,
"fastai.vision.augment.RandomResizedCrop"
,
"numpy.ndarray"
,
"__builtin__.__main__"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"fastai.data.core.TfmdLists"
,
"torch.nn.modules.dropout.Dropout"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"__builtin__.print"
,
"torch.nn.modules.conv.Conv2d"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"fastai.data.core.DataLoaders"
,
"fastai.learner.AvgLoss"
,
"fastai.torch_core._rebuild_from_type"
,
"fastai.data.core.TfmdDL"
,
"numpy.dtype"
,
"fastai.data.transforms.CategoryMap"
,
"fastai.callback.core.TrainEvalCallback"
,
"fastcore.dispatch.TypeDispatch"
,
"torch._utils._rebuild_tensor_v2"
,
"fastai.data.load._wif"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"fastai.data.transforms.Categorize"
,
"fastai.data.transforms.Category"
,
"fastai.data.load._FakeLoader"
,
"dill._dill._load_type"
,
"inspect._empty"
,
"torch.LongStorage"
,
"torch.nn.modules.activation.ReLU"
,
"inspect.Parameter"
,
"fastai.callback.progress.ProgressCallback"
,
"torch.nn.modules.linear.Linear"
,
"fastcore.transform.Pipeline"
,
"torch.Tensor"
,
"fastai.layers.AdaptiveConcatPool2d"
,
"fastcore.transform.Transform"
,
"pathlib.Path"
,
"fastai.vision.learner._resnet_split"
,
"torchvision.models.resnet.BasicBlock"
,
"fastai.learner.AvgMetric"
,
"numpy.core.multiarray.scalar"
,
"fastai.vision.core.PILImage"
,
"fastai.learner.CastToTensor"
,
"pathlib.PosixPath"
,
"random.Random"
,
"torch._utils._rebuild_parameter"
,
"fastcore.basics.fastuple"
,
"fastai.data.transforms.IntToFloatTensor"
,
"inspect.Signature"
,
"fastcore.basics._using_attr"
,
"torch.nn.modules.container.Sequential"
,
"torch.device"
,
"fastai.data.core.Datasets"
,
"torchvision.models.resnet.resnet34"
,
"dill._dill._create_code"
,
"__builtin__.getattr"
,
"fastcore.foundation.L"
,
"dill._dill._create_function"
,
"torch.FloatStorage"
,
"PIL.Image.Resampling"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastai.learner.Learner"
,
"fastai.torch_core.TensorBase"
,
"fastai.layers.Flatten"
How to fix it?
87.5 MB
LFS
Attempt #2 - paperspace model
almost 2 years ago
catan-model.pkl
Unsafe
pickle
Detected Pickle imports (80)
"numpy.ndarray"
,
"__builtin__.getattr"
,
"fastai.data.load._FakeLoader"
,
"_codecs.encode"
,
"fastai.data.transforms.Categorize"
,
"fastai.data.transforms.ToTensor"
,
"fastcore.basics._using_attr"
,
"fastai.torch_core.TensorImage"
,
"fastai.vision.augment.RandomResizedCrop"
,
"torch.nn.modules.activation.ReLU"
,
"fastai.data.transforms.CategoryMap"
,
"dill._dill._create_function"
,
"fastcore.foundation.L"
,
"fastai.callback.core.TrainEvalCallback"
,
"fastai.torch_core.TensorBase"
,
"fastai.optimizer.Adam"
,
"fastai.data.transforms.Category"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"fastai.metrics.error_rate"
,
"fastai.imports.noop"
,
"fastai.vision.learner._resnet_split"
,
"fastai.data.core.FilteredBase"
,
"dill._dill._load_type"
,
"fastcore.transform.Transform"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"fastcore.dispatch._TypeDict"
,
"torch.nn.modules.linear.Linear"
,
"fastai.data.core.TfmdLists"
,
"fastai.learner.AvgMetric"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastcore.dispatch.TypeDispatch"
,
"fastai.learner.AvgLoss"
,
"fastcore.basics.fastuple"
,
"fastai.callback.progress.ProgressCallback"
,
"PIL.Image.Resampling"
,
"fastcore.transform.Pipeline"
,
"inspect._empty"
,
"pathlib.Path"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"random.Random"
,
"torchvision.models.resnet.resnet34"
,
"torch.nn.modules.container.Sequential"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"fastai.learner.Recorder"
,
"fastai.learner.Learner"
,
"torch.nn.modules.dropout.Dropout"
,
"collections.OrderedDict"
,
"__builtin__.__main__"
,
"torch.LongStorage"
,
"fastai.learner.AvgSmoothLoss"
,
"fastai.vision.core.PILImage"
,
"fastai.layers.Flatten"
,
"fastai.losses.CrossEntropyLossFlat"
,
"fastai.vision.core.__dict__"
,
"fastai.data.transforms.IntToFloatTensor"
,
"torch._utils._rebuild_tensor_v2"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"numpy.dtype"
,
"fastai.data.transforms.Normalize"
,
"numpy.core.multiarray.scalar"
,
"fastai.torch_core.TensorCategory"
,
"fastai.data.load._wif"
,
"torch._utils._rebuild_parameter"
,
"fastai.torch_core._rebuild_from_type"
,
"torch.device"
,
"torch.Tensor"
,
"dill._dill._create_code"
,
"fastai.learner.CastToTensor"
,
"inspect._ParameterKind"
,
"torchvision.models.resnet.BasicBlock"
,
"fastai.data.core.DataLoaders"
,
"inspect.Parameter"
,
"fastai.data.core.Datasets"
,
"torch.nn.modules.conv.Conv2d"
,
"fastai.layers.AdaptiveConcatPool2d"
,
"inspect.Signature"
,
"pathlib.PosixPath"
,
"fastai.data.core.TfmdDL"
,
"torch.FloatStorage"
,
"__builtin__.print"
How to fix it?
87.5 MB
LFS
Attempt #1 - binary file
about 2 years ago
photo-of-macbook-catan-IMG_4817.jpg
591 kB
Attempt #1
about 2 years ago
requirements.txt
5.17 kB
Attempt #4b - pin same version of requirements from paperspace but remove cuda pinning
almost 2 years ago