C3d-pytorch - Pytorch porting of C3D network, with Sports1M weights

Overview
Comments
  • Video -coding

    Video -coding

    Hello, I'm new to this job, your code use frame image after cutting through the ready-made model to forecast, I want to ask if there code that can directly predict the input video ? Thanks!

    opened by CSer-Tang-hao 5
  • illegal memory access

    illegal memory access

    Hello, Thank you very much for roviding the C3D version of pytorch. I am trying to extract features for another dataset, which contains around 1748 frames in one video. While doing so I am facing an issue as following:-
    RuntimeError: CUDA error: an illegal memory access was encountered

    My input size is after passing through the function get_sport_clip() is torch.Size([1, 3, 1748, 112, 112]) I was wondering if you could kindly assist me in solving this issue.
    Thank you very much once again.

    opened by shashankvkt 4
  • Fail to load pre-trained model

    Fail to load pre-trained model

    Hi!

    Thank you so much for your great work! I have a issue when loading the pre-trained, even if just using your predict.py:

    Traceback (most recent call last):
      File "predict.py", line 101, in <module>
        main()
      File "predict.py", line 81, in main
        net.load_state_dict(torch.load('c3d.pickle'))
      File "/home/ye/anaconda2/lib/python2.7/site-packages/torch/serialization.py", line 231, in load
        return _load(f, map_location, pickle_module)
      File "/home/ye/anaconda2/lib/python2.7/site-packages/torch/serialization.py", line 386, in _load
        deserialized_objects[key]._set_from_file(f, offset)
    RuntimeError: unexpected EOF. The file might be corrupted.
    

    It seems that the c3d.pickle may be corrupted. Could you check with that please?

    Thank you so much! :)

    opened by YeTianJHU 4
  • C3D + SVM

    C3D + SVM

    Hi, Thanks for such a great work! I just want to ask that did you get the c3d + svm = 82% stated in the paper?

    I could not. Maybe I am doing something wrong!

    opened by cagbal 4
  • the effect on UCF101 dataset

    the effect on UCF101 dataset

    Hello! I'm try to use your model to train UCF101, but the accuracy is only 50 % .Have you train the model on UCF101 datasets ?Is the test set accurate to 80% or more?

    opened by Kathrine94 3
  • How to load pickle file

    How to load pickle file

    Since I am trying to use the pretrained weights for a different dataset, I am trying to understand how to change the very last layer. However when I try to read the pickle file with only pickle.load() it only returns a integer. When I try to read the pickle file sequentially, it says that A load persistent id instruction was encountered, but no persistent_load function was specified.

    Since I don't know how the pickle file was generated, can you tell me how to read the pickle file in python, so I know what I can modify for my purposes ?

    opened by cryptedp 2
  • Download the pretrained weights

    Download the pretrained weights

    Hi, thanks for your work. I'd like to know if there is another link to download the pretrained weights (Sports 1M), the link provided is unavailable in this moments. Thank you

    opened by omarftt 1
  • What's the input tensor size of this C3D net..

    What's the input tensor size of this C3D net..

    Hi, thank you for the implementation of the C3D net. I'm currently trying to train the model on the ucf dataset. As they described in the paper, I choose several (10/12/14/16) frames from a clip, unsqueeze each on dimension 1, then concatenate all of them. So the input tensor has a torch.Size([3, 10/12/14/16, 224, 224]).

    Then I got a error: '' File "/home/cxing95/anaconda3/lib/python3.6/site-packages/torch/nn/functional.py", line 371, in max_pool3d ret = torch._C._nn.max_pool3d(input, kernel_size, stride, padding, dilation, ceil_mode)

    RuntimeError: Given input size: (512x1x14x14). Calculated output size: (512x0x8x8). Output size is too small at /opt/conda/conda-bld/pytorch_1524584710464/work/aten/src/THCUNN/generic/VolumetricDilatedMaxPooling.cu:105 '' I'm not sure if it raised because of the input size. But could you tell what's the input should be like to train or use this net. That will help a lot.

    Thank you.

    opened by loveritsu929 1
  • pre-trained weights and cuda

    pre-trained weights and cuda

    are the pre-trained weights already cuda tensors? just calling torch.load on c3d.pickle raises a THCudaCheck out of memory exception for me.

    If they are, might I suggest bringing them back to the cpu, so people can load them if they already have the gpu busy.

    opened by jsuit 1
  • pretrained weights

    pretrained weights

    Hi,

    First, thank you very much for contributing this c3d implementation in pytorch! I had a question on the origin of the pretrained weights, did you obtain them by converting them from another source or by training the network yourself ?

    opened by hassony2 21
Owner
Davide Abati
Qualcomm AI Research, Netherlands. Previously Ph.D. student @ Aimagelab
Davide Abati
High level network definitions with pre-trained weights in TensorFlow

TensorNets High level network definitions with pre-trained weights in TensorFlow (tested with 2.1.0 >= TF >= 1.4.0). Guiding principles Applicability.

Taehoon Lee 1k Dec 13, 2022
Inflated i3d network with inception backbone, weights transfered from tensorflow

I3D models transfered from Tensorflow to PyTorch This repo contains several scripts that allow to transfer the weights from the tensorflow implementat

Yana 479 Dec 8, 2022
PyTorch implementation of Wide Residual Networks with 1-bit weights by McDonnell (ICLR 2018)

1-bit Wide ResNet PyTorch implementation of training 1-bit Wide ResNets from this paper: Training wide residual networks for deployment using a single

Sergey Zagoruyko 122 Dec 7, 2022
🐥A PyTorch implementation of OpenAI's finetuned transformer language model with a script to import the weights pre-trained by OpenAI

PyTorch implementation of OpenAI's Finetuned Transformer Language Model This is a PyTorch implementation of the TensorFlow code provided with OpenAI's

Hugging Face 1.4k Jan 5, 2023
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.

Use this instead: https://github.com/facebookresearch/maskrcnn-benchmark A Pytorch Implementation of Detectron Example output of e2e_mask_rcnn-R-101-F

Roy 2.8k Dec 29, 2022
A python code to convert Keras pre-trained weights to Pytorch version

Weights_Keras_2_Pytorch 最近想在Pytorch项目里使用一下谷歌的NIMA,但是发现没有预训练好的pytorch权重,于是整理了一下将Keras预训练权重转为Pytorch的代码,目前是支持Keras的Conv2D, Dense, DepthwiseConv2D, Batch

Liu Hengyu 2 Dec 16, 2021
The original weights of some Caffe models, ported to PyTorch.

pytorch-caffe-models This repo contains the original weights of some Caffe models, ported to PyTorch. Currently there are: GoogLeNet (Going Deeper wit

Katherine Crowson 9 Nov 4, 2022
DiffQ performs differentiable quantization using pseudo quantization noise. It can automatically tune the number of bits used per weight or group of weights, in order to achieve a given trade-off between model size and accuracy.

Differentiable Model Compression via Pseudo Quantization Noise DiffQ performs differentiable quantization using pseudo quantization noise. It can auto

Facebook Research 145 Dec 30, 2022
Vanilla and Prototypical Networks with Random Weights for image classification on Omniglot and mini-ImageNet. Made with Python3.

vanilla-rw-protonets-project Vanilla Prototypical Networks and PNs with Random Weights for image classification on Omniglot and mini-ImageNet. Made wi

Giovani Candido 8 Aug 31, 2022
Voice of Pajlada with model and weights.

Pajlada TTS Stripped down version of ForwardTacotron (https://github.com/as-ideas/ForwardTacotron) with pretrained weights for Pajlada's (https://gith

null 6 Sep 3, 2021
A program that can analyze videos according to the weights you select

MaskMonitor A program that can analyze videos according to the weights you select 下載 訓練完的 weight檔案 執行 MaskDetection.py 內部可更改 輸入來源(鏡頭, 影片, 圖片) 以及輸出條件(人

Patrick_star 1 Nov 7, 2021
🔪 Elimination based Lightweight Neural Net with Pretrained Weights

ELimNet ELimNet: Eliminating Layers in a Neural Network Pretrained with Large Dataset for Downstream Task Removed top layers from pretrained Efficient

snoop2head 4 Jul 12, 2022
Pytorch Implementation of Adversarial Deep Network Embedding for Cross-Network Node Classification

Pytorch Implementation of Adversarial Deep Network Embedding for Cross-Network Node Classification (ACDNE) This is a pytorch implementation of the Adv

陈志豪 8 Oct 13, 2022
A lightweight Python-based 3D network multi-agent simulator. Uses a cell-based congestion model. Calculates risk, loudness and battery capacities of the agents. Suitable for 3D network optimization tasks.

AMAZ3DSim AMAZ3DSim is a lightweight python-based 3D network multi-agent simulator. It uses a cell-based congestion model. It calculates risk, battery

Daniel Hirsch 13 Nov 4, 2022
This is a model made out of Neural Network specifically a Convolutional Neural Network model

This is a model made out of Neural Network specifically a Convolutional Neural Network model. This was done with a pre-built dataset from the tensorflow and keras packages. There are other alternative libraries that can be used for this purpose, one of which is the PyTorch library.

null 9 Oct 18, 2022
A scikit-learn compatible neural network library that wraps PyTorch

A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

null 4.9k Dec 31, 2022
A scikit-learn compatible neural network library that wraps PyTorch

A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

null 3.8k Feb 13, 2021
Implementation of TabTransformer, attention network for tabular data, in Pytorch

Tab Transformer Implementation of Tab Transformer, attention network for tabular data, in Pytorch. This simple architecture came within a hair's bread

Phil Wang 420 Jan 5, 2023
A scikit-learn compatible neural network library that wraps PyTorch

A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

null 4.9k Jan 3, 2023