Hugging Face
Models
Datasets
Spaces
Posts
Docs
Enterprise
Pricing
Log In
Sign Up
Spaces:
nick-leland
/
ImageTransformationTool
like
0
Build error
App
Files
Files
Community
Fetching metadata from the HF Docker repository...
d764aaf
ImageTransformationTool
Ctrl+K
Ctrl+K
1 contributor
History:
21 commits
This space has 1 file scanned as unsafe.
Show
files
nick-leland
Update app.py
d764aaf
verified
10 months ago
.gitattributes
Safe
1.52 kB
initial commit
11 months ago
.gitignore
Safe
35 Bytes
Update .gitignore
10 months ago
.gitmodules
Safe
0 Bytes
Removed the subdirectory
10 months ago
README.md
Safe
264 Bytes
Updated the README
10 months ago
app.py
Safe
8.14 kB
Update app.py
10 months ago
bulk_bulge_generation.py
Safe
2.42 kB
Big grind session, still working on implimenting the model correctly
10 months ago
model.pkl
Unsafe
pickle
Detected Pickle imports (81)
"fastai.learner.AvgMetric"
,
"fastai.vision.augment.Resize"
,
"fastai.data.core.TfmdLists"
,
"torch._utils._rebuild_tensor_v2"
,
"fastai.learner.Learner"
,
"torch.nn.modules.dropout.Dropout"
,
"inspect.Signature"
,
"inspect.Parameter"
,
"fastai.data.transforms.parent_label"
,
"fastai.torch_core.TensorCategory"
,
"fastcore.dispatch.TypeDispatch"
,
"torch.LongStorage"
,
"fastcore.transform.Transform"
,
"fastai.learner.CastToTensor"
,
"inspect._empty"
,
"inspect._ParameterKind"
,
"fastai.data.transforms.IntToFloatTensor"
,
"__builtin__.object"
,
"numpy.dtype"
,
"fastai.learner.AvgSmoothLoss"
,
"fastai.data.transforms.Categorize"
,
"fastai.data.transforms.Normalize"
,
"fastai.layers.Flatten"
,
"_codecs.encode"
,
"__builtin__.getattr"
,
"__builtin__.bytes"
,
"fastai.learner.Recorder"
,
"__builtin__.print"
,
"fastai.metrics.error_rate"
,
"__builtin__.tuple"
,
"fastcore.dispatch._TypeDict"
,
"__builtin__.unicode"
,
"torch.FloatStorage"
,
"fastai.callback.core.TrainEvalCallback"
,
"fastai.data.core.TfmdDL"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"fastai.callback.progress.ProgressCallback"
,
"fastai.learner.AvgLoss"
,
"PIL.Image.Image"
,
"fastai.data.load._FakeLoader"
,
"numpy.core.multiarray.scalar"
,
"__builtin__.set"
,
"pathlib.Path"
,
"torch.Tensor"
,
"random.Random"
,
"fastai.data.transforms.CategoryMap"
,
"fastai.imports.noop"
,
"torch.device"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"fastai.data.core.DataLoaders"
,
"torch._tensor._rebuild_from_type_v2"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"fastai.losses.CrossEntropyLossFlat"
,
"torch.nn.modules.linear.Linear"
,
"fastai.layers.AdaptiveConcatPool2d"
,
"fastai.data.load._wif"
,
"fastai.torch_core.TensorImage"
,
"torch.nn.modules.container.Sequential"
,
"fastai.torch_core.TensorBase"
,
"fastcore.basics.fastuple"
,
"fastai.optimizer.Adam"
,
"fastai.vision.core.PILImage"
,
"__builtin__.long"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"fastcore.transform.Pipeline"
,
"torch.nn.modules.activation.ReLU"
,
"numpy.ndarray"
,
"collections.OrderedDict"
,
"torchvision.models.resnet.resnet34"
,
"fastai.data.transforms.ToTensor"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"fastai.data.core.Datasets"
,
"torch._utils._rebuild_parameter"
,
"torch.nn.modules.conv.Conv2d"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastcore.foundation.L"
,
"__builtin__.float"
,
"pathlib.PosixPath"
,
"fastai.vision.learner._resnet_split"
,
"PIL.Image.Resampling"
,
"torchvision.models.resnet.BasicBlock"
How to fix it?
87.5 MB
LFS
Base fastai ml model
10 months ago
requirements.txt
Safe
1.33 kB
Update requirements.txt
10 months ago
transformation.py
Safe
5.42 kB
Updated the app to adjust the image generation
10 months ago