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
b43e654
ImageTransformationTool
1 contributor
History:
54 commits
This space has 2 files scanned as unsafe.
Show
files
nick-leland
Updated the app for demo purposes
b43e654
5 months ago
examples
Added a more finalized model prediction
6 months ago
.gitattributes
Safe
1.52 kB
initial commit
6 months ago
.gitignore
Safe
79 Bytes
Update .gitignore
6 months ago
.gitmodules
Safe
0 Bytes
Removed the subdirectory
6 months ago
README.md
Safe
264 Bytes
Updated the README
6 months ago
app.py
Safe
17 kB
Updated the app for demo purposes
5 months ago
best.onnx
Safe
12.2 MB
LFS
Upload best.onnx
5 months ago
bulge_yolo_model.pt
pickle
Detected Pickle imports (23)
"ultralytics.nn.modules.conv.Concat"
,
"torch.HalfStorage"
,
"torch.nn.modules.upsampling.Upsample"
,
"torch._utils._rebuild_parameter"
,
"torch.nn.modules.conv.Conv2d"
,
"ultralytics.nn.modules.block.Bottleneck"
,
"torch.nn.modules.activation.SiLU"
,
"collections.OrderedDict"
,
"dill._dill._load_type"
,
"ultralytics.nn.tasks.DetectionModel"
,
"torch.LongStorage"
,
"torch.nn.modules.container.Sequential"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"ultralytics.nn.modules.block.C2f"
,
"torch._utils._rebuild_tensor_v2"
,
"ultralytics.nn.modules.conv.Conv"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"ultralytics.nn.modules.head.Detect"
,
"torch.nn.modules.container.ModuleList"
,
"torch.Size"
,
"ultralytics.nn.modules.block.DFL"
,
"ultralytics.nn.modules.block.SPPF"
,
"torch.FloatStorage"
How to fix it?
137 MB
LFS
Uploaded the latest Bulge_Yolo_Model!
5 months ago
bulk_bulge_generation.py
Safe
2.42 kB
Big grind session, still working on implimenting the model correctly
6 months ago
model_bias.pkl
Unsafe
pickle
Detected Pickle imports (78)
"fastai.data.load._FakeLoader"
,
"fastai.torch_core.TensorBase"
,
"pathlib.Path"
,
"torch.Tensor"
,
"fastai.data.transforms.Normalize"
,
"fastai.imports.noop"
,
"fastai.vision.core.PILImage"
,
"fastai.optimizer.Adam"
,
"fastai.metrics.error_rate"
,
"fastai.learner.AvgMetric"
,
"PIL.Image.Image"
,
"_codecs.encode"
,
"fastai.data.transforms.IntToFloatTensor"
,
"inspect._empty"
,
"fastcore.dispatch.TypeDispatch"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastcore.foundation.L"
,
"fastai.data.core.DataLoaders"
,
"torch.nn.modules.linear.Linear"
,
"fastai.learner.CastToTensor"
,
"__builtin__.tuple"
,
"torch.FloatStorage"
,
"torch.nn.modules.activation.ReLU"
,
"torch.device"
,
"fastcore.transform.Pipeline"
,
"inspect._ParameterKind"
,
"fastai.learner.Learner"
,
"fastai.data.transforms.ToTensor"
,
"torchvision.models.resnet.resnet34"
,
"__builtin__.set"
,
"collections.OrderedDict"
,
"fastai.layers.Flatten"
,
"fastai.callback.core.TrainEvalCallback"
,
"fastai.callback.progress.ProgressCallback"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"fastai.torch_core.TensorCategory"
,
"fastai.data.core.TfmdDL"
,
"random.Random"
,
"fastai.layers.AdaptiveConcatPool2d"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"fastai.vision.learner._resnet_split"
,
"fastai.torch_core.TensorImage"
,
"torch.LongStorage"
,
"numpy.ndarray"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"fastai.learner.Recorder"
,
"fastai.data.transforms.CategoryMap"
,
"torchvision.models.resnet.BasicBlock"
,
"__builtin__.float"
,
"__builtin__.print"
,
"inspect.Parameter"
,
"torch._utils._rebuild_tensor_v2"
,
"torch.nn.modules.dropout.Dropout"
,
"inspect.Signature"
,
"pathlib.PosixPath"
,
"fastai.learner.AvgSmoothLoss"
,
"torch.nn.modules.container.Sequential"
,
"__builtin__.bytes"
,
"fastai.data.transforms.parent_label"
,
"fastai.learner.AvgLoss"
,
"__builtin__.unicode"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"fastai.data.core.TfmdLists"
,
"numpy.dtype"
,
"torch.nn.modules.conv.Conv2d"
,
"numpy.core.multiarray.scalar"
,
"fastai.data.load._wif"
,
"torch._utils._rebuild_parameter"
,
"__builtin__.long"
,
"torch._tensor._rebuild_from_type_v2"
,
"fastai.data.core.Datasets"
,
"fastcore.dispatch._TypeDict"
,
"fastcore.transform.Transform"
,
"fastai.losses.CrossEntropyLossFlat"
,
"__builtin__.object"
,
"__builtin__.getattr"
,
"fastai.data.transforms.Categorize"
How to fix it?
87.6 MB
LFS
Added the two new trained models.
6 months ago
model_fresh.pkl
Unsafe
pickle
Detected Pickle imports (78)
"fastai.torch_core.TensorBase"
,
"fastai.vision.core.PILImage"
,
"__builtin__.tuple"
,
"__builtin__.bytes"
,
"__builtin__.float"
,
"fastai.losses.CrossEntropyLossFlat"
,
"pathlib.Path"
,
"__builtin__.set"
,
"fastai.data.core.TfmdDL"
,
"torch.nn.modules.linear.Linear"
,
"fastai.data.load._FakeLoader"
,
"torch.nn.modules.loss.CrossEntropyLoss"
,
"fastai.learner.AvgSmoothLoss"
,
"fastai.learner.Learner"
,
"numpy.ndarray"
,
"fastai.data.transforms.IntToFloatTensor"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"pathlib.PosixPath"
,
"fastai.torch_core.TensorImage"
,
"inspect.Parameter"
,
"fastai.optimizer.Adam"
,
"torchvision.models.resnet.resnet34"
,
"fastai.data.transforms.CategoryMap"
,
"fastai.vision.learner._resnet_split"
,
"fastai.data.load._wif"
,
"__builtin__.getattr"
,
"torch._utils._rebuild_tensor_v2"
,
"fastai.imports.noop"
,
"fastcore.transform.Transform"
,
"fastcore.transform.Pipeline"
,
"torch.nn.modules.activation.ReLU"
,
"PIL.Image.Image"
,
"fastai.data.transforms.Normalize"
,
"fastai.learner.Recorder"
,
"torch.nn.modules.batchnorm.BatchNorm1d"
,
"torch.FloatStorage"
,
"torch._tensor._rebuild_from_type_v2"
,
"fastai.data.core.DataLoaders"
,
"torch.nn.modules.pooling.AdaptiveAvgPool2d"
,
"torch.nn.modules.dropout.Dropout"
,
"collections.OrderedDict"
,
"fastai.data.transforms.parent_label"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"fastai.learner.CastToTensor"
,
"torch.Tensor"
,
"fastai.data.transforms.ToTensor"
,
"_codecs.encode"
,
"inspect._empty"
,
"fastcore.foundation.L"
,
"fastcore.dispatch._TypeDict"
,
"numpy.dtype"
,
"torchvision.models.resnet.BasicBlock"
,
"inspect._ParameterKind"
,
"__builtin__.unicode"
,
"torch.LongStorage"
,
"torch.nn.modules.pooling.AdaptiveMaxPool2d"
,
"fastai.data.transforms.Categorize"
,
"fastai.learner.AvgMetric"
,
"torch.nn.modules.container.Sequential"
,
"torch.nn.modules.conv.Conv2d"
,
"fastai.callback.progress.ProgressCallback"
,
"torch._utils._rebuild_parameter"
,
"__builtin__.long"
,
"inspect.Signature"
,
"numpy.core.multiarray.scalar"
,
"fastai.data.core.Datasets"
,
"fastai.callback.core.TrainEvalCallback"
,
"fastcore.dispatch.TypeDispatch"
,
"fastai.learner.AvgLoss"
,
"fastai.torch_core.TensorCategory"
,
"random.Random"
,
"__builtin__.object"
,
"fastai.data.core.TfmdLists"
,
"fastai.layers.Flatten"
,
"__builtin__.print"
,
"torch.device"
,
"fastai.metrics.error_rate"
,
"fastai.layers.AdaptiveConcatPool2d"
How to fix it?
87.6 MB
LFS
Added the two new trained models.
6 months ago
requirements.txt
Safe
127 Bytes
Added ultralytics to the requirements.txt
5 months ago
test.py
Safe
2.89 kB
Worked on the other aspects
5 months ago
transformation.py
Safe
5.42 kB
Updated the app to adjust the image generation
6 months ago
yolov8n.pt
pickle
Detected Pickle imports (23)
"ultralytics.nn.modules.conv.Conv"
,
"torch.FloatStorage"
,
"collections.OrderedDict"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"ultralytics.nn.modules.block.DFL"
,
"torch.nn.modules.activation.SiLU"
,
"ultralytics.nn.modules.conv.Concat"
,
"__builtin__.set"
,
"torch._utils._rebuild_tensor_v2"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
,
"torch.HalfStorage"
,
"ultralytics.nn.modules.block.C2f"
,
"torch.nn.modules.container.Sequential"
,
"torch.LongStorage"
,
"torch.nn.modules.conv.Conv2d"
,
"ultralytics.nn.modules.block.SPPF"
,
"torch.nn.modules.container.ModuleList"
,
"torch.nn.modules.upsampling.Upsample"
,
"torch.Size"
,
"torch._utils._rebuild_parameter"
,
"ultralytics.nn.modules.head.Detect"
,
"ultralytics.nn.tasks.DetectionModel"
,
"ultralytics.nn.modules.block.Bottleneck"
How to fix it?
6.55 MB
LFS
Upload 2 files
5 months ago
yolov8x.pt
pickle
Detected Pickle imports (23)
"ultralytics.nn.modules.block.Bottleneck"
,
"torch.Size"
,
"collections.OrderedDict"
,
"ultralytics.nn.modules.conv.Concat"
,
"torch.nn.modules.upsampling.Upsample"
,
"torch._utils._rebuild_tensor_v2"
,
"torch.nn.modules.conv.Conv2d"
,
"ultralytics.nn.modules.head.Detect"
,
"__builtin__.set"
,
"torch._utils._rebuild_parameter"
,
"torch.nn.modules.container.Sequential"
,
"torch.LongStorage"
,
"torch.nn.modules.activation.SiLU"
,
"torch.HalfStorage"
,
"ultralytics.nn.modules.block.SPPF"
,
"torch.nn.modules.container.ModuleList"
,
"ultralytics.nn.modules.block.DFL"
,
"ultralytics.nn.modules.conv.Conv"
,
"ultralytics.nn.tasks.DetectionModel"
,
"torch.nn.modules.pooling.MaxPool2d"
,
"torch.FloatStorage"
,
"ultralytics.nn.modules.block.C2f"
,
"torch.nn.modules.batchnorm.BatchNorm2d"
How to fix it?
137 MB
LFS
Upload 2 files
5 months ago