Hugging Face
Models
Datasets
Spaces
Posts
Docs
Solutions
Pricing
Log In
Sign Up
Spaces:
utility-ai
/
cat_dog_predictor
like
1
Sleeping
App
Files
Files
Community
main
cat_dog_predictor
3 contributors
History:
13 commits
This space has 1 file scanned as unsafe.
Show
files
Samson
Update sync_to_hf_spaces.yml
8e20b00
unverified
12 months ago
.github
Update sync_to_hf_spaces.yml
12 months ago
photos
added a photos folder to work with the streamlit web app
12 months ago
.gitattributes
Safe
1.52 kB
Update .gitattributes
12 months ago
.gitignore
Safe
3.09 kB
added gitignore and README file
12 months ago
Makefile
Safe
194 Bytes
built a simple streamlit app and updated dependencies
12 months ago
README.md
Safe
209 Bytes
Update README.md
12 months ago
app.py
Safe
1.36 kB
built a simple streamlit app and updated dependencies
12 months ago
model.pkl
Unsafe
pickle
Detected Pickle imports (82)
"inspect._empty"
,
"fastcore.foundation.L"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"fastai.imports.noop"
,
"torch.nn.modules.container.Sequential"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"fastai.data.transforms.Normalize"
,
"__builtin__.print"
,
"fastai.callback.core.TrainEvalCallback"
,
"numpy.core.multiarray.scalar"
,
"__builtin__.bool"
,
"fastcore.transform.Pipeline"
,
"torch.nn.modules.dropout.Dropout"
,
"__builtin__.unicode"
,
"PIL.Image.Image"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"__builtin__.getattr"
,
"fastai.layers.AdaptiveConcatPool2d"
,
"fastcore.basics.fastuple"
,
"fastai.data.core.DataLoaders"
,
"fastai.data.core.TfmdLists"
,
"torch.nn.modules.conv.Conv2d"
,
"__builtin__.bytes"
,
"torch.Tensor"
,
"fastai.callback.progress.ProgressCallback"
,
"fastai.learner.AvgSmoothLoss"
,
"__builtin__.object"
,
"fastai.data.load._FakeLoader"
,
"fastai.vision.augment.Resize"
,
"fastai.data.transforms.IntToFloatTensor"
,
"torch.FloatStorage"
,
"fastai.data.core.Datasets"
,
"fastai.losses.CrossEntropyLossFlat"
,
"pathlib.PosixPath"
,
"torch._utils._rebuild_parameter"
,
"fastai.torch_core.TensorBase"
,
"__builtin__.set"
,
"torch.LongStorage"
,
"pathlib.Path"
,
"torch.nn.modules.activation.ReLU"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"fastai.data.transforms.CategoryMap"
,
"__main__.is_cat"
,
"inspect.Parameter"
,
"torch.device"
,
"fastai.data.load._wif"
,
"torchvision.models.resnet.BasicBlock"
,
"fastai.vision.learner._resnet_split"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"__builtin__.long"
,
"fastai.learner.CastToTensor"
,
"inspect._ParameterKind"
,
"torchvision.models.resnet.resnet18"
,
"numpy.dtype"
,
"fastai.vision.core.PILImage"
,
"inspect.Signature"
,
"numpy.ndarray"
,
"fastai.learner.Recorder"
,
"fastai.learner.AvgLoss"
,
"fastai.learner.Learner"
,
"fastai.torch_core.TensorImage"
,
"_codecs.encode"
,
"torch._utils._rebuild_tensor_v2"
,
"collections.OrderedDict"
,
"torch.nn.modules.linear.Linear"
,
"__builtin__.tuple"
,
"fastai.data.transforms.Categorize"
,
"fastcore.transform.Transform"
,
"fastai.torch_core.TensorCategory"
,
"fastai.data.core.TfmdDL"
,
"fastcore.dispatch._TypeDict"
,
"fastai.learner.AvgMetric"
,
"fastai.data.transforms.ToTensor"
,
"functools.partial"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastcore.dispatch.TypeDispatch"
,
"fastai.metrics.error_rate"
,
"fastai.optimizer.Adam"
,
"fastai.torch_core._rebuild_from_type"
,
"fastai.layers.Flatten"
,
"fastcore.basics._using_attr"
,
"random.Random"
How to fix it?
47.1 MB
LFS
tracking model.pkl with git lfs
12 months ago
requirements.txt
Safe
45 Bytes
built a simple streamlit app and updated dependencies
12 months ago