All Projects → szagoruyko → Functional Zoo

szagoruyko / Functional Zoo

PyTorch and Tensorflow functional model definitions

Projects that are alternatives of or similar to Functional Zoo

Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (-76.08%)
Mutual labels:  jupyter-notebook, pretrained-models
Breast cancer classifier
Deep Neural Networks Improve Radiologists' Performance in Breast Cancer Screening
Stars: ✭ 614 (+6.41%)
Mutual labels:  jupyter-notebook, pretrained-models
Bert Multitask Learning
BERT for Multitask Learning
Stars: ✭ 380 (-34.14%)
Mutual labels:  jupyter-notebook, pretrained-models
Mdm
A TensorFlow implementation of the Mnemonic Descent Method.
Stars: ✭ 120 (-79.2%)
Mutual labels:  jupyter-notebook, pretrained-models
Azureml Bert
End-to-End recipes for pre-training and fine-tuning BERT using Azure Machine Learning Service
Stars: ✭ 342 (-40.73%)
Mutual labels:  jupyter-notebook, pretrained-models
Fbrs interactive segmentation
[CVPR2020] f-BRS: Rethinking Backpropagating Refinement for Interactive Segmentation https://arxiv.org/abs/2001.10331
Stars: ✭ 366 (-36.57%)
Mutual labels:  jupyter-notebook, pretrained-models
Silero Models
Silero Models: pre-trained STT models and benchmarks made embarrassingly simple
Stars: ✭ 522 (-9.53%)
Mutual labels:  jupyter-notebook, pretrained-models
Python For Data Analysis
An introduction to data science using Python and Pandas with Jupyter notebooks
Stars: ✭ 564 (-2.25%)
Mutual labels:  jupyter-notebook
Deeplearning.ai
Some work of Andrew Ng's course on Coursera
Stars: ✭ 572 (-0.87%)
Mutual labels:  jupyter-notebook
Ttur
Two time-scale update rule for training GANs
Stars: ✭ 567 (-1.73%)
Mutual labels:  jupyter-notebook
Detectorch
Detectorch - detectron for PyTorch
Stars: ✭ 566 (-1.91%)
Mutual labels:  jupyter-notebook
Bert score
BERT score for text generation
Stars: ✭ 568 (-1.56%)
Mutual labels:  jupyter-notebook
Wgan Tensorflow
a tensorflow implementation of WGAN
Stars: ✭ 572 (-0.87%)
Mutual labels:  jupyter-notebook
Datasets For Recommender Systems
This is a repository of a topic-centric public data sources in high quality for Recommender Systems (RS)
Stars: ✭ 564 (-2.25%)
Mutual labels:  jupyter-notebook
Gym Trading
Environment for reinforcement-learning algorithmic trading models
Stars: ✭ 574 (-0.52%)
Mutual labels:  jupyter-notebook
Machine Learning Specialization
Stars: ✭ 566 (-1.91%)
Mutual labels:  jupyter-notebook
T2t Vit
Stars: ✭ 575 (-0.35%)
Mutual labels:  jupyter-notebook
Ml Design Patterns
Source code accompanying O'Reilly book: Machine Learning Design Patterns
Stars: ✭ 566 (-1.91%)
Mutual labels:  jupyter-notebook
Cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
Stars: ✭ 5,356 (+828.25%)
Mutual labels:  jupyter-notebook
Cs231
My corrections for the Standford class assingments CS231n - Convolutional Neural Networks for Visual Recognition
Stars: ✭ 570 (-1.21%)
Mutual labels:  jupyter-notebook

functional-zoo

Model definitions and pretrained weights for PyTorch and Tensorflow

PyTorch, unlike lua torch, has autograd in it's core, so using modular structure of torch.nn modules is not necessary, one can easily allocate needed Variables and write a function that utilizes them, which is sometimes more convenient. This repo contains model definitions in this functional way, with pretrained weights for some models.

Weights are serialized as a dict of arrays in hdf5, so should be easily loadable in other frameworks. Thanks to @edgarriba we have cpp_parser for loading weights in C++.

More models coming! We also plan to add definitions for other frameworks in future, probably tiny-dnn first. Contributions are welcome.

See also imagenet classification with PyTorch demo.ipynb

Models

All models were validated to produce reported accuracy using imagenet-validation.py script (depends on OpenCV python bindings).

To load weights in Python first do pip install hickle, then:

import hickle as hkl
weights = hkl.load('resnet-18-export.hkl')

Unfortunately, hickle py3 support is not yet ready, so the models will be resaved in torch pickle format with torch.utils.model_zoo.load_url support, e.g.:

weights = model_zoo.load_url('https://s3.amazonaws.com/modelzoo-networks/wide-resnet-50-2-export-5ae25d50.pth')

Also, make_dot was moved to a separate package: PyTorchViz

Folded

Models below have batch_norm parameters and statistics folded into convolutional layers for speed. It is not recommended to use them for finetuning.

ImageNet

model notebook val error download size
VGG-16 vgg-16.ipynb 30.09, 10.69 url coming 528 MB
NIN nin-export.ipynb 32.96, 12.29 url 33 MB
ResNet-18 (fb) resnet-18-export.ipynb 30.43, 10.76 url 42 MB
ResNet-18-AT resnet-18-at-export.ipynb 29.44, 10.12 url 44.1 MB
ResNet-34 (fb) resnet-34-export.ipynb 26.72, 8.74 url 78.3 MB
WRN-50-2 wide-resnet-50-2-export.ipynb 22.0, 6.05 url 246 MB

Fast Neural Style

Notebook: fast-neural-style.ipynb

Models:

model download size
candy.hkl url 7.1 MB
feathers.hkl url 7.1 MB
wave.hkl url 7.1 MB

Models with batch normalization

Coming

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].