All Projects → dbbert → Dfn

dbbert / Dfn

Projects that are alternatives of or similar to Dfn

Emobank
This repository contains EmoBank, a large-scale text corpus manually annotated with emotion according to the psychological Valence-Arousal-Dominance scheme.
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Mixmatch Pytorch
Pytorch Implementation of the paper MixMatch: A Holistic Approach to Semi-Supervised Learning (https://arxiv.org/pdf/1905.02249.pdf)
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Capsule Gan
Code for my Master thesis on "Capsule Architecture as a Discriminator in Generative Adversarial Networks".
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Kernel gateway demos
Demos associated with the kernel gateway incubator project
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Cursopyladiessp
Curso Introdutório de Análise de Dados Públicos
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Yolo Object Detection
YOLO is a state-of-the-art, real-time object detection algorithm. In this notebook, we will apply the YOLO algorithm to detect objects in images.
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Network Intrusion Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Tfeat
TFeat descriptor models for BMVC 2016 paper "Learning local feature descriptors with triplets and shallow convolutional neural networks"
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Multi Label Text Classification Using Bert
Multi Label text classification using bert
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Hierarchical Attention Network
Implementation of Hierarchical Attention Networks in PyTorch
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Essential Sqlalchemy 2e
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Robbert
A Dutch RoBERTa-based language model
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Code Vault
Collection of useful notebooks and snippets
Stars: ✭ 1,555 (+1195.83%)
Mutual labels:  jupyter-notebook
Ml Dl Scripts
The repository provides usefull python scripts for ML and data analysis
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
How To Use Tensorflow For Time Series Live
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Tda Tutorial
A set of jupyter notebooks for the practice of TDA with the python Gudhi library together with popular machine learning and data sciences libraries.
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Pde Find
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Qml Rg
Quantum Machine Learning Reading Group @ ICFO
Stars: ✭ 120 (+0%)
Mutual labels:  jupyter-notebook
Ipynb playground
Various ipython notebooks
Stars: ✭ 1,531 (+1175.83%)
Mutual labels:  jupyter-notebook

Introduction

This repository contains code to reproduce the experiments in Dynamic Filter Networks, a NIPS 2016 paper by Bert De Brabandere*, Xu Jia*, Tinne Tuytelaars and Luc Van Gool (* Bert and Xu contributed equally).

In a traditional convolutional layer, the learned filters stay fixed after training. In contrast, we introduce a new framework, the Dynamic Filter Network, where filters are generated dynamically conditioned on an input.

Example:

mnist prediction

If you use our code in your research, please cite following paper:

@inproceedings{debrabandere16dynamic,
  author = {De Brabandere, Bert and Jia, Xu and Tuytelaars, Tinne and Van Gool, Luc},
  title = {Dynamic Filter Networks},
  booktitle = {NIPS},
  year = {2016}
}

Running the code

  • Install Lasagne and its prerequisites.
  • Download the datasets and update the paths in the datasets/dataset_*.py files to point to them.
  • Run the experiments:
python experiment_steerableFilter.py
python experiment_bouncingMnistOriginal.py
python experiment_highwayDriving.py
python experiment_stereoPrediction.py

This will write checkpoint files to the checkpoints directory.

  • You can also run the baseline models. They have the same architecture as the DFN models, but without the DFN layer at the end:
python experiment_bouncingMnistOriginal_baseline.py
python experiment_highwayDriving_baseline.py
python experiment_stereoPrediction_baseline.py

Finally, you can evaluate the DFN and baseline models on the test set and generate new predictions with the notebook files:

analyse_trained.ipynb
analyse_trained-baseline.ipynb

Tensorflow implementation

A tensorflow implementation of the steerable filter experiment is available in experiment_steerableFilter_tensorflow. We have also added a basic tensorflow implementation of the bouncing mnist video prediction experiment in experiment_bouncingMnistOriginal_tensorflow.ipynb. Only training is implemented, no evaluation on the test set. There might be some small differences compared to the Lasagne implementation, so we cannot guarantee that you reach the same accuracy that is reported in the paper.

Results

When evaluating the trained models on the test sets with the ipython notebooks, you should approximately get following results:

Loss (per pixel) Baseline DFN
Moving MNIST (bce) 0.106144 0.068914
Highway Driving (mse) 0.003683 0.003270
Stereo Cars (mse) 0.000416 0.000330
Loss (image, 64x64) Baseline DFN
Moving MNIST (bce) 434.8 282.3
Highway Driving (mse) 15.08 13.39
Stereo Cars (mse) 1.70 1.35
# Params Baseline DFN
Moving MNIST 637,443 637,361
Highway Driving 368,245 368,122
Stereo Cars 464,509 464,494
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].