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

Before Pruning: MACs=1.009904 G, #Params=0.007226 G After Pruning: MACs=0.379899 G, #Params=0.002635 G image 1/128 D:\Torch-Pruning-master\data\coco128\images\train2017\000000000009.jpg: 480x640 (no detections), 101.8ms image 2/128 D:\Torch-Pruning-master\data\coco128\images\train2017\000000000025.jpg: 448x640 (no detections), 82.9ms image 3/128 D:\Torch-Pruning-master\data\coco128\images\train2017\000000000030.jpg: 448x640...

I'm trying to prune [DiT-XL-2-256](https://huggingface.co/facebook/DiT-XL-2-256) with taylor pruning. While pruning the model, the following error occurs during `pruner.step()`. ``` import torch import torchvision import torch.nn.utils.prune as prune from torchvision import...

I am using this architecture ([HR-Net](https://github.com/HRNet/HRNet-Semantic-Segmentation/blob/HRNet-OCR/lib/models/seg_hrnet.py)) and below is my code snippet when I went to test prunning: ``` model = get_seg_model(train=True).eval() imp = tp.importance.MagnitudeImportance() #whats this example_inputs = torch.randn(1,...

![1](https://github.com/VainF/Torch-Pruning/assets/120317730/af45fcf9-3a14-4bf7-a54a-ded0ea564758) Hi, Can I ask in this plot of paper, the grid-like denotes kernel or the feature map? I think it should denotes feature map!

I've tried putting the pruning code into train.py, but its detection is only half as good as the original, is there a better way? thanks

I has pruned a model based on yolov8s.pt, now i want use it to predict an image, i tried to run it directly but it does not work? Can anyone...

Hi, I am trying to prune an LSTM model. However, it returns a model with the same size. This is the example code I am using: ``` class LSTMModel(nn.Module): def...

Hi, Thanks for your work. It helps me a lot in reducing the model size. Recently, I've been trying Quantize Aware Traning. When I try to prune and rerun training,...

@VainF Thanks for amazing repo. I tried to run inference for yolov7 pruned model on one image, **but pruned model did not detect anything** (output image without bboxes) https://github.com/VainF/Torch-Pruning/blob/master/benchmarks/prunability/readme.md#3-yolo-v7 ```...