Torch-Pruning icon indicating copy to clipboard operation
Torch-Pruning copied to clipboard

[CVPR 2023] Towards Any Structural Pruning; LLMs / SAM / Diffusion / Transformers / YOLOv8 / CNNs

Results 196 Torch-Pruning issues
Sort by recently updated
recently updated
newest added

trying to prune efficientnet by [lukemelas](https://github.com/lukemelas/EfficientNet-PyTorch/) getting `AttributeError: 'SwishImplementationBackward' object has no attribute 'name'` I tried a lot of solutions that came up in my mind but all failed I...

bug

**I was trying to prune Resnet56** Code given below for the model ``` import torch import torch.nn as nn import torch.nn.functional as F from torch.nn import init import math class...

I have a model which takes 2 inputs, image and embeddings. Here is a simple inputs that I have ``` in1 = torch.rand(size=(1, 3, 256, 256)) in2 = torch.rand(size=(512, 1))...

enhancement

the question is the same as the title? thank you for you work.

递归好像没有截止条件,prune_resnet18_cifar10.py 运行的时候在update_index内部报这个错误是怎么回事? maximum recursion depth exceeded while calling a Python object

load a pruned model model = torch.load('model.pth') # no load_state_dict

Hello, I am attempting to use Torch_Pruning to prune [SSD](https://github.com/amdegroot/ssd.pytorch) model. Note that I use this fork: https://github.com/dkurt/ssd.pytorch/tree/opencv_support Once I pruned away some of conv filters in the vgg layers,...

Hi, @VainF Thank you very much for this project, great work ! I was wondering if you are planning on adding support for conv layer with arbitrary groups parameter (currently...

enhancement

https://github.com/VainF/Torch-Pruning/blob/8bea45132e41551937241837b32216b732a9349e/examples/prune_resnet18_cifar10.py#L122 previous_ckpt should be ckpt.

Hello.In torch.pruning/dependency.py there is a line `model.eval().cpu()` . With this i cant use model RAFT (optical flow model) which i'm currently researching (it fails on ``` raise RuntimeError("module must have...