Hugging Face
Models
Datasets
Spaces
Community
Docs
Enterprise
Pricing
Log In
Sign Up
Spaces:
NotebookNomad2911
/
FacialExpressionDetect
like
0
Sleeping
App
Files
Files
Community
Fetching metadata from the HF Docker repository...
72fe867
FacialExpressionDetect
Ctrl+K
Ctrl+K
2 contributors
History:
23 commits
This space has 1 file scanned as unsafe.
Show
files
Alex Gonzalez
Changed the Startup Duration
72fe867
10 months ago
.gitattributes
Safe
1.52 kB
initial commit
10 months ago
.python-version
Safe
23 Bytes
Added Predict Function - Blank
10 months ago
README.md
Safe
335 Bytes
Changed the Startup Duration
10 months ago
app.py
Safe
1.53 kB
Facial Recognition Before Prediction
10 months ago
export.pkl
Unsafe
pickle
Detected Pickle imports (90)
"inspect._ParameterKind"
,
"fastai.vision.augment.flip_mat"
,
"fastai.metrics.error_rate"
,
"torch._utils._rebuild_tensor_v2"
,
"fastai.data.load._FakeLoader"
,
"PIL.Image.Image"
,
"fastai.torch_core.TensorBase"
,
"numpy.ndarray"
,
"inspect.Parameter"
,
"torch.FloatStorage"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"fastai.data.load._wif"
,
"torchvision.models.resnet.resnet18"
,
"fastcore.dispatch.TypeDispatch"
,
"numpy._core.multiarray.scalar"
,
"pathlib.PosixPath"
,
"torch.device"
,
"__builtin__.unicode"
,
"torch._tensor._rebuild_from_type_v2"
,
"fastai.data.transforms.ToTensor"
,
"fastcore.transform.Transform"
,
"fastai.data.transforms.parent_label"
,
"fastai.vision.augment.Brightness"
,
"fastcore.dispatch._TypeDict"
,
"fastai.data.core.TfmdLists"
,
"fastai.losses.CrossEntropyLossFlat"
,
"numpy.dtype"
,
"fastai.learner.CastToTensor"
,
"fastai.callback.progress.ProgressCallback"
,
"_codecs.encode"
,
"fastai.learner.AvgMetric"
,
"collections.OrderedDict"
,
"torch._utils._rebuild_parameter"
,
"fastai.data.transforms.Categorize"
,
"inspect._empty"
,
"fastai.data.transforms.CategoryMap"
,
"fastai.learner.AvgLoss"
,
"torchvision.models.resnet.BasicBlock"
,
"fastai.layers.AdaptiveConcatPool2d"
,
"fastcore.foundation.L"
,
"__builtin__.float"
,
"fastcore.basics.fastuple"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"fastai.vision.core.PILImage"
,
"__builtin__.long"
,
"__builtin__.set"
,
"fastai.vision.augment._WarpCoord"
,
"fastai.data.core.DataLoaders"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastcore.transform.Pipeline"
,
"__builtin__.bytes"
,
"fastai.data.core.Datasets"
,
"torch.nn.modules.dropout.Dropout"
,
"torch.Tensor"
,
"torch.LongStorage"
,
"fastai.torch_core.TensorImage"
,
"fastai.layers.Flatten"
,
"fastai.vision.learner._resnet_split"
,
"__builtin__.print"
,
"fastai.learner.AvgSmoothLoss"
,
"fastai.vision.augment._ContrastLogit"
,
"torch.nn.modules.linear.Linear"
,
"__builtin__.object"
,
"fastai.vision.augment._BrightnessLogit"
,
"fastai.learner.Recorder"
,
"inspect.Signature"
,
"PIL.Image.Resampling"
,
"fastai.data.core.TfmdDL"
,
"fastai.vision.augment.RandomResizedCrop"
,
"functools.partial"
,
"__builtin__.tuple"
,
"random.Random"
,
"fastai.imports.noop"
,
"fastai.optimizer.Adam"
,
"torch.nn.modules.conv.Conv2d"
,
"fastai.learner.Learner"
,
"fastai.callback.core.TrainEvalCallback"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"fastai.data.transforms.Normalize"
,
"torch.nn.modules.activation.ReLU"
,
"fastai.vision.augment.zoom_mat"
,
"fastai.torch_core.TensorCategory"
,
"torch.nn.modules.container.Sequential"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"fastai.vision.augment.Flip"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"fastai.vision.augment.rotate_mat"
,
"pathlib.Path"
,
"fastai.data.transforms.IntToFloatTensor"
,
"__builtin__.getattr"
How to fix it?
47.6 MB
LFS
Added Model and Prediction Code
10 months ago
requirements.txt
Safe
37 Bytes
Facial Recognition Before Prediction
10 months ago